From a7e62ee10c285c0e82b508fdd15d22c61cacd0d0 Mon Sep 17 00:00:00 2001 From: jimenbian Date: Sat, 23 Dec 2017 16:31:58 +0800 Subject: [PATCH 1/2] update --- .DS_Store | Bin 0 -> 6148 bytes data/.DS_Store | Bin 0 -> 6148 bytes data/.placeholder | 0 data_fetcher.py | 111 ----------------------------------- data_model.py | 3 +- main.py | 42 +------------- model_rnn.py | 42 -------------- scripts/build_graph.py | 69 ---------------------- scripts/config.py | 30 ---------- scripts/restore_model.py | 36 ------------ scripts/train_model.py | 121 --------------------------------------- 11 files changed, 3 insertions(+), 451 deletions(-) create mode 100644 .DS_Store create mode 100644 data/.DS_Store delete mode 100644 data/.placeholder delete mode 100644 data_fetcher.py mode change 100644 => 100755 data_model.py mode change 100644 => 100755 main.py mode change 100644 => 100755 model_rnn.py delete mode 100644 scripts/build_graph.py delete mode 100644 scripts/config.py delete mode 100644 scripts/restore_model.py delete mode 100644 scripts/train_model.py diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..afce880a2ed45ad13ca4f5c4c6a02b6c126b9442 GIT binary patch literal 6148 zcmeHKJxc>Y5PcI*lAuEDEU&Q=0{(+DTndF0D%LUaEQDx8v=A(|^e6bE{4@T7_-1zu z`8Zn} z>ayj6nSs7<+1m@J5Ai@&J@15^5Bk7(ZJeQxBa|2ryF8^@xvzI-zs;g?=H?2x0lY;@zrxcK^JTH5EB&)4!52v*@r(e?5G%qBaQ#gsGn7LYt_vq0W&vim93`0UjX#OJ* MW$?ij_)!Hu0X4ruIRF3v literal 0 HcmV?d00001 diff --git a/data/.DS_Store b/data/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..5af7974e4ff4dc48ad33b9082a393d9ae9cfff02 GIT binary patch literal 6148 zcmeHKJxfDD5S-N%5u22jS6Yb{_D6_FOf z-=ZAW6BVU^6gXAjJhwCN{}1#Z=KoWYc2YnJ{3``)vRE$We5LBGqnGnu+vqQJui4Yx qxDEO*XFlje{TXmwWK!U-6*vNegceHx literal 0 HcmV?d00001 diff --git a/data/.placeholder b/data/.placeholder deleted file mode 100644 index e69de29..0000000 diff --git a/data_fetcher.py b/data_fetcher.py deleted file mode 100644 index b311830..0000000 --- a/data_fetcher.py +++ /dev/null @@ -1,111 +0,0 @@ -""" -Fetch the daily stock prices from Google Finance for stocks in S & P 500. -@author: lilianweng -""" -import click -import os -import pandas as pd -import random -import time -import urllib2 - -from BeautifulSoup import BeautifulSoup -from datetime import datetime - -DATA_DIR = "data" -RANDOM_SLEEP_TIMES = (1, 5) - -# This repo "github.com/datasets/s-and-p-500-companies" has some other information about -# S & P 500 companies. -SP500_LIST_URL = "https://raw.githubusercontent.com/datasets/s-and-p-500-companies/master/data/constituents-financials.csv" -SP500_LIST_PATH = os.path.join(DATA_DIR, "constituents-financials.csv") - - -def _download_sp500_list(): - if os.path.exists(SP500_LIST_PATH): - return - - f = urllib2.urlopen(SP500_LIST_URL) - print "Downloading ...", SP500_LIST_URL - with open(SP500_LIST_PATH, 'w') as fin: - print >> fin, f.read() - return - - -def _load_symbols(): - _download_sp500_list() - df_sp500 = pd.read_csv(SP500_LIST_PATH) - df_sp500.sort('Market Cap', ascending=False, inplace=True) - stock_symbols = df_sp500['Symbol'].unique().tolist() - print "Loaded %d stock symbols" % len(stock_symbols) - return stock_symbols - - -def fetch_prices(symbol, out_name): - """ - Fetch daily stock prices for stock `symbol`, since 1980-01-01. - - Args: - symbol (str): a stock abbr. symbol, like "GOOG" or "AAPL". - - Returns: a bool, whether the fetch is succeeded. - """ - # Format today's date to match Google's finance history api. - now_datetime = datetime.now().strftime("%b+%d,+%Y") - - BASE_URL = "https://www.google.com/finance/historical?output=csv&q={0}&startdate=Jan+1%2C+1980&enddate={1}" - symbol_url = BASE_URL.format( - urllib2.quote(symbol), - urllib2.quote(now_datetime, '+') - ) - print "Fetching {} ...".format(symbol) - print symbol_url - - try: - f = urllib2.urlopen(symbol_url) - with open(out_name, 'w') as fin: - print >> fin, f.read() - except urllib2.HTTPError: - print "Failed when fetching {}".format(symbol) - return False - - data = pd.read_csv(out_name) - if data.empty: - print "Remove {} because the data set is empty.".format(out_name) - os.remove(out_name) - else: - dates = data.iloc[:,0].tolist() - print "# Fetched rows: %d [%s to %s]" % (data.shape[0], dates[-1], dates[0]) - - # Take a rest - sleep_time = random.randint(*RANDOM_SLEEP_TIMES) - print "Sleeping ... %ds" % sleep_time - time.sleep(sleep_time) - return True - - -@click.command(help="Fetch stock prices data") -@click.option('--continued', is_flag=True) -def main(continued): - random.seed(time.time()) - num_failure = 0 - - # This is S&P 500 index - #fetch_prices('INDEXSP%3A.INX') - - symbols = _load_symbols() - for idx, sym in enumerate(symbols): - out_name = os.path.join(DATA_DIR, sym + ".csv") - if continued and os.path.exists(out_name): - print "Fetched", sym - continue - - succeeded = fetch_prices(sym, out_name) - num_failure += int(not succeeded) - - if idx % 10 == 0: - print "# Failures so far [%d/%d]: %d" % (idx + 1, len(symbols), num_failure) - - -if __name__ == "__main__": - main() diff --git a/data_model.py b/data_model.py old mode 100644 new mode 100755 index 8f892a5..79f0c21 --- a/data_model.py +++ b/data_model.py @@ -6,7 +6,7 @@ random.seed(time.time()) - +#test_ratio:split train and test class StockDataSet(object): def __init__(self, stock_sym, @@ -42,7 +42,6 @@ def _prepare_data(self, seq): # split into items of input_size seq = [np.array(seq[i * self.input_size: (i + 1) * self.input_size]) for i in range(len(seq) // self.input_size)] - if self.normalized: seq = [seq[0] / seq[0][0] - 1.0] + [ curr / seq[i][-1] - 1.0 for i, curr in enumerate(seq[1:])] diff --git a/main.py b/main.py old mode 100644 new mode 100755 index e1df66d..c4b9928 --- a/main.py +++ b/main.py @@ -10,7 +10,7 @@ flags = tf.app.flags flags.DEFINE_integer("stock_count", 100, "Stock count [100]") -flags.DEFINE_integer("input_size", 1, "Input size [1]") +flags.DEFINE_integer("input_size", 1, "Input size [1]")#input data sample flags.DEFINE_integer("num_steps", 30, "Num of steps [30]") flags.DEFINE_integer("num_layers", 1, "Num of layer [1]") flags.DEFINE_integer("lstm_size", 128, "Size of one LSTM cell [128]") @@ -20,7 +20,6 @@ flags.DEFINE_float("learning_rate_decay", 0.99, "Decay rate of learning rate. [0.99]") flags.DEFINE_integer("init_epoch", 5, "Num. of epoches considered as early stage. [5]") flags.DEFINE_integer("max_epoch", 50, "Total training epoches. [50]") -flags.DEFINE_integer("embed_size", None, "If provided, use embedding vector of this size. [None]") flags.DEFINE_string("stock_symbol", None, "Target stock symbol [None]") flags.DEFINE_integer("sample_size", 4, "Number of stocks to plot during training. [4]") flags.DEFINE_boolean("train", False, "True for training, False for testing [False]") @@ -32,12 +31,6 @@ if not os.path.exists("logs"): os.mkdir("logs") - -def show_all_variables(): - model_vars = tf.trainable_variables() - slim.model_analyzer.analyze_vars(model_vars, print_info=True) - - def load_sp500(input_size, num_steps, k=None, target_symbol=None, test_ratio=0.05): if target_symbol is not None: return [ @@ -48,35 +41,8 @@ def load_sp500(input_size, num_steps, k=None, target_symbol=None, test_ratio=0.0 test_ratio=test_ratio) ] - # Load metadata of s & p 500 stocks - info = pd.read_csv("data/constituents-financials.csv") - info = info.rename(columns={col: col.lower().replace(' ', '_') for col in info.columns}) - info['file_exists'] = info['symbol'].map(lambda x: os.path.exists("data/{}.csv".format(x))) - print info['file_exists'].value_counts().to_dict() - - info = info[info['file_exists'] == True].reset_index(drop=True) - info = info.sort('market_cap', ascending=False).reset_index(drop=True) - - if k is not None: - info = info.head(k) - - print "Head of S&P 500 info:\n", info.head() - - # Generate embedding meta file - info[['symbol', 'sector']].to_csv(os.path.join("logs/metadata.tsv"), sep='\t', index=False) - - return [ - StockDataSet(row['symbol'], - input_size=input_size, - num_steps=num_steps, - test_ratio=0.05) - for _, row in info.iterrows()] - - def main(_): - pp.pprint(flags.FLAGS.__flags) - - # gpu_options = tf.GPUOptions(per_process_gpu_memory_fraction=0.333) + pp.pprint(FLAGS.__flags) run_config = tf.ConfigProto() run_config.gpu_options.allow_growth = True @@ -89,11 +55,7 @@ def main(_): num_steps=FLAGS.num_steps, input_size=FLAGS.input_size, keep_prob=FLAGS.keep_prob, - embed_size=FLAGS.embed_size, ) - - show_all_variables() - stock_data_list = load_sp500( FLAGS.input_size, FLAGS.num_steps, diff --git a/model_rnn.py b/model_rnn.py old mode 100644 new mode 100755 index 2c6217c..508a3c2 --- a/model_rnn.py +++ b/model_rnn.py @@ -21,7 +21,6 @@ def __init__(self, sess, stock_count, num_steps=30, input_size=1, keep_prob=0.8, - embed_size=None, logs_dir="logs", plots_dir="images"): """ @@ -35,7 +34,6 @@ def __init__(self, sess, stock_count, num_steps: input_size: keep_prob: - embed_size checkpoint_dir """ self.sess = sess @@ -46,10 +44,6 @@ def __init__(self, sess, stock_count, self.num_steps = num_steps self.input_size = input_size self.keep_prob = keep_prob - - self.use_embed = (embed_size is not None) and (embed_size > 0) - self.embed_size = embed_size or -1 - self.logs_dir = logs_dir self.plots_dir = plots_dir @@ -82,21 +76,6 @@ def _create_one_cell(): state_is_tuple=True ) if self.num_layers > 1 else _create_one_cell() - if self.embed_size > 0: - self.embed_matrix = tf.Variable( - tf.random_uniform([self.stock_count, self.embed_size], -1.0, 1.0), - name="embed_matrix" - ) - sym_embeds = tf.nn.embedding_lookup(self.embed_matrix, self.symbols) - - # stock_label_embeds.shape = (batch_size, embedding_size) - stacked_symbols = tf.tile(self.symbols, [1, self.num_steps], name='stacked_stock_labels') - stacked_embeds = tf.nn.embedding_lookup(self.embed_matrix, stacked_symbols) - - # After concat, inputs.shape = (batch_size, num_steps, lstm_size + embed_size) - self.inputs_with_embed = tf.concat([self.inputs, stacked_embeds], axis=2, name="inputs_with_embed") - else: - self.inputs_with_embed = tf.identity(self.inputs) # Run dynamic RNN val, state_ = tf.nn.dynamic_rnn(cell, self.inputs, dtype=tf.float32, scope="dynamic_rnn") @@ -137,24 +116,6 @@ def train(self, dataset_list, config): # Set up the logs folder self.writer = tf.summary.FileWriter(os.path.join("./logs", self.model_name)) self.writer.add_graph(self.sess.graph) - - if self.use_embed: - # Set up embedding visualization - # Format: tensorflow/tensorboard/plugins/projector/projector_config.proto - projector_config = projector.ProjectorConfig() - - # You can add multiple embeddings. Here we add only one. - added_embed = projector_config.embeddings.add() - added_embed.tensor_name = self.embed_matrix.name - # Link this tensor to its metadata file (e.g. labels). - shutil.copyfile(os.path.join(self.logs_dir, "metadata.tsv"), - os.path.join(self.model_logs_dir, "metadata.tsv")) - added_embed.metadata_path = "metadata.tsv" - - # The next line writes a projector_config.pbtxt in the LOG_DIR. TensorBoard will - # read this file during startup. - projector.visualize_embeddings(self.writer, projector_config) - tf.global_variables_initializer().run() # Merged test data of different stocks. @@ -247,9 +208,6 @@ def model_name(self): name = "stock_rnn_lstm%d_step%d_input%d" % ( self.lstm_size, self.num_steps, self.input_size) - if self.embed_size > 0: - name += "_embed%d" % self.embed_size - return name @property diff --git a/scripts/build_graph.py b/scripts/build_graph.py deleted file mode 100644 index 46c98cf..0000000 --- a/scripts/build_graph.py +++ /dev/null @@ -1,69 +0,0 @@ -import numpy as np -import random -import tensorflow as tf - -from config import DEFAULT_CONFIG - - -def build_lstm_graph_with_config(config=None): - tf.reset_default_graph() - lstm_graph = tf.Graph() - - if config is None: - config = DEFAULT_CONFIG - - with lstm_graph.as_default(): - """ - The model asks for three things: - - input: training data X - - targets: training label y - - learning_rate: - """ - learning_rate = tf.placeholder(tf.float32, None, name="learning_rate") - - # Number of examples, number of input, dimension of each input - inputs = tf.placeholder(tf.float32, [None, config.num_steps, config.input_size], name="inputs") - targets = tf.placeholder(tf.float32, [None, config.input_size], name="targets") - - def _create_one_cell(): - lstm_cell = tf.contrib.rnn.LSTMCell(config.lstm_size, state_is_tuple=True) - if config.keep_prob < 1.0: - lstm_cell = tf.contrib.rnn.DropoutWrapper(lstm_cell, output_keep_prob=config.keep_prob) - return lstm_cell - - cell = tf.contrib.rnn.MultiRNNCell( - [_create_one_cell() for _ in range(config.num_layers)], - state_is_tuple=True - ) if config.num_layers > 1 else _create_one_cell() - - val, _ = tf.nn.dynamic_rnn(cell, inputs, dtype=tf.float32, scope="lilian_rnn") - - # Before transpose, val.get_shape() = (batch_size, num_steps, lstm_size) - # After transpose, val.get_shape() = (num_steps, batch_size, lstm_size) - val = tf.transpose(val, [1, 0, 2]) - - with tf.name_scope("output_layer"): - # last.get_shape() = (batch_size, lstm_size) - last = tf.gather(val, int(val.get_shape()[0]) - 1, name="last_lstm_output") - - weight = tf.Variable(tf.truncated_normal([config.lstm_size, config.input_size]), name="lilian_weights") - bias = tf.Variable(tf.constant(0.1, shape=[config.input_size]), name="lilian_biases") - prediction = tf.matmul(last, weight) + bias - - tf.summary.histogram("last_lstm_output", last) - tf.summary.histogram("weights", weight) - tf.summary.histogram("biases", bias) - - with tf.name_scope("train"): - # loss = -tf.reduce_sum(targets * tf.log(tf.clip_by_value(prediction, 1e-10, 1.0))) - loss = tf.reduce_mean(tf.square(prediction - targets), name="loss_mse") - optimizer = tf.train.AdamOptimizer(learning_rate) - minimize = optimizer.minimize(loss, name="loss_mse_adam_minimize") - tf.summary.scalar("loss_mse", loss) - - # Operators to use after restoring the model - for op in [prediction, loss]: - tf.add_to_collection('ops_to_restore', op) - - return lstm_graph - diff --git a/scripts/config.py b/scripts/config.py deleted file mode 100644 index ba13ba7..0000000 --- a/scripts/config.py +++ /dev/null @@ -1,30 +0,0 @@ -class RNNConfig(): - input_size = 1 - num_steps = 30 - lstm_size = 128 - num_layers = 1 - keep_prob = 0.8 - - batch_size = 64 - init_learning_rate = 0.001 - learning_rate_decay = 0.99 - init_epoch = 5 - max_epoch = 50 - - def to_dict(self): - dct = self.__class__.__dict__ - return {k: v for k, v in dct.iteritems() if not k.startswith('__') and not callable(v)} - - def __str__(self): - return str(self.to_dict()) - - def __repr__(self): - return str(self.to_dict()) - - -DEFAULT_CONFIG = RNNConfig() -print "Default configuration:", DEFAULT_CONFIG.to_dict() - -DATA_DIR = "data" -LOG_DIR = "logs" -MODEL_DIR = "models" diff --git a/scripts/restore_model.py b/scripts/restore_model.py deleted file mode 100644 index b68ed93..0000000 --- a/scripts/restore_model.py +++ /dev/null @@ -1,36 +0,0 @@ -""" -Load a trained model -""" -import os -import tensorflow as tf - -from config import MODEL_DIR - - -def prediction_by_trained_graph(graph_name, max_epoch, test_X, test_y): - test_prediction = None - test_loss = None - - with tf.Session() as sess: - # Load meta graph - graph_meta_path = os.path.join( - MODEL_DIR, graph_name, - 'stock_rnn_model_{0}.ckpt-{1}.meta'.format(graph_name, max_epoch-1)) - checkpoint_path = os.path.join(MODEL_DIR, graph_name) - - saver = tf.train.import_meta_graph(graph_meta_path) - saver.restore(sess, tf.train.latest_checkpoint(checkpoint_path)) - - graph = tf.get_default_graph() - - test_feed_dict = { - graph.get_tensor_by_name('inputs:0'): test_X, - graph.get_tensor_by_name('targets:0'): test_y, - graph.get_tensor_by_name('learning_rate:0'): 0.0 - } - - prediction = graph.get_tensor_by_name('output_layer/add:0') - loss = graph.get_tensor_by_name('train/loss_mse:0') - test_prediction, test_loss = sess.run([prediction, loss], test_feed_dict) - - return test_prediction, test_loss diff --git a/scripts/train_model.py b/scripts/train_model.py deleted file mode 100644 index 20be94a..0000000 --- a/scripts/train_model.py +++ /dev/null @@ -1,121 +0,0 @@ -""" -Run the following command to check Tensorboard: -$ tensorboard --logdir ./_logs -""" -import json -import os -import sys; sys.path.append("..") -import tensorflow as tf - -from build_graph import build_lstm_graph_with_config -from config import DEFAULT_CONFIG, MODEL_DIR -from data_model import StockDataSet - - -def load_data(stock_name, input_size, num_steps): - stock_dataset = StockDataSet(stock_name, input_size=input_size, num_steps=num_steps, - test_ratio=0.1, close_price_only=True) - print "Train data size:", len(stock_dataset.train_X) - print "Test data size:", len(stock_dataset.test_X) - return stock_dataset - - -def _compute_learning_rates(config=DEFAULT_CONFIG): - learning_rates_to_use = [ - config.init_learning_rate * ( - config.learning_rate_decay ** max(float(i + 1 - config.init_epoch), 0.0) - ) for i in range(config.max_epoch) - ] - print "Middle learning rate:", learning_rates_to_use[len(learning_rates_to_use) // 2] - return learning_rates_to_use - - -def train_lstm_graph(stock_name, lstm_graph, config=DEFAULT_CONFIG): - """ - stock_name (str) - lstm_graph (tf.Graph) - """ - stock_dataset = load_data(stock_name, - input_size=config.input_size, - num_steps=config.num_steps) - - final_prediction = [] - final_loss = None - - graph_name = "%s_lr%.2f_lr_decay%.3f_lstm%d_step%d_input%d_batch%d_epoch%d" % ( - stock_name, - config.init_learning_rate, config.learning_rate_decay, - config.lstm_size, config.num_steps, - config.input_size, config.batch_size, config.max_epoch) - - print "Graph Name:", graph_name - - learning_rates_to_use = _compute_learning_rates(config) - with tf.Session(graph=lstm_graph) as sess: - merged_summary = tf.summary.merge_all() - writer = tf.summary.FileWriter('_logs/' + graph_name, sess.graph) - writer.add_graph(sess.graph) - - graph = tf.get_default_graph() - tf.global_variables_initializer().run() - - inputs = graph.get_tensor_by_name('inputs:0') - targets = graph.get_tensor_by_name('targets:0') - learning_rate = graph.get_tensor_by_name('learning_rate:0') - - test_data_feed = { - inputs: stock_dataset.test_X, - targets: stock_dataset.test_y, - learning_rate: 0.0 - } - - loss = graph.get_tensor_by_name('train/loss_mse:0') - minimize = graph.get_operation_by_name('train/loss_mse_adam_minimize') - prediction = graph.get_tensor_by_name('output_layer/add:0') - - for epoch_step in range(config.max_epoch): - current_lr = learning_rates_to_use[epoch_step] - - for batch_X, batch_y in stock_dataset.generate_one_epoch(config.batch_size): - train_data_feed = { - inputs: batch_X, - targets: batch_y, - learning_rate: current_lr - } - train_loss, _ = sess.run([loss, minimize], train_data_feed) - - if epoch_step % 10 == 0: - test_loss, _pred, _summary = sess.run([loss, prediction, merged_summary], test_data_feed) - assert len(_pred) == len(stock_dataset.test_y) - print "Epoch %d [%f]:" % (epoch_step, current_lr), test_loss - if epoch_step % 50 == 0: - print "Predictions:", [( - map(lambda x: round(x, 4), _pred[-j]), - map(lambda x: round(x, 4), stock_dataset.test_y[-j]) - ) for j in range(5)] - - writer.add_summary(_summary, global_step=epoch_step) - - print "Final Results:" - final_prediction, final_loss = sess.run([prediction, loss], test_data_feed) - print final_prediction, final_loss - - graph_saver_dir = os.path.join(MODEL_DIR, graph_name) - if not os.path.exists(graph_saver_dir): - os.mkdir(graph_saver_dir) - - saver = tf.train.Saver() - saver.save(sess, os.path.join( - graph_saver_dir, "stock_rnn_model_%s.ckpt" % graph_name), global_step=epoch_step) - - with open("final_predictions.{}.json".format(graph_name), 'w') as fout: - fout.write(json.dumps(final_prediction.tolist())) - - -def main(config=DEFAULT_CONFIG): - lstm_graph = build_lstm_graph_with_config(config=config) - train_lstm_graph('SP500', lstm_graph, config=config) - - -if __name__ == '__main__': - main() From 0db0a411807218a6d209e915eb21938f306b7e9d Mon Sep 17 00:00:00 2001 From: Garvin Date: Sat, 23 Dec 2017 16:34:39 +0800 Subject: [PATCH 2/2] add data --- data/SP500.csv | 16863 +++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 16863 insertions(+) create mode 100644 data/SP500.csv diff --git a/data/SP500.csv b/data/SP500.csv new file mode 100644 index 0000000..2d9efda --- /dev/null +++ b/data/SP500.csv @@ -0,0 +1,16863 @@ +Date,Open,High,Low,Close,Adj Close,Volume +1950-12-18,19.850000,19.850000,19.850000,19.850000,19.850000,4500000 +1950-12-19,19.959999,19.959999,19.959999,19.959999,19.959999,3650000 +1950-12-20,19.969999,19.969999,19.969999,19.969999,19.969999,3510000 +1950-12-21,19.980000,19.980000,19.980000,19.980000,19.980000,3990000 +1950-12-22,20.070000,20.070000,20.070000,20.070000,20.070000,2720000 +1950-12-26,19.920000,19.920000,19.920000,19.920000,19.920000,2660000 +1950-12-27,20.299999,20.299999,20.299999,20.299999,20.299999,2940000 +1950-12-28,20.379999,20.379999,20.379999,20.379999,20.379999,3560000 +1950-12-29,20.430000,20.430000,20.430000,20.430000,20.430000,3440000 +1951-01-02,20.410000,20.770000,20.410000,20.770000,20.770000,4560000 +1951-01-03,20.690001,20.690001,20.690001,20.690001,20.690001,3370000 +1951-01-04,20.870001,20.870001,20.870001,20.870001,20.870001,3390000 +1951-01-05,20.870001,20.870001,20.870001,20.870001,20.870001,3390000 +1951-01-08,20.879999,21.000000,20.879999,21.000000,21.000000,3940000 +1951-01-09,21.120001,21.120001,21.120001,21.120001,21.120001,3800000 +1951-01-10,20.850000,20.850000,20.850000,20.850000,20.850000,3270000 +1951-01-11,21.190001,21.190001,21.190001,21.190001,21.190001,3490000 +1951-01-12,21.110001,21.110001,21.110001,21.110001,21.110001,2950000 +1951-01-15,21.100000,21.299999,21.100000,21.299999,21.299999,3900000 +1951-01-16,21.459999,21.459999,21.459999,21.459999,21.459999,3740000 +1951-01-17,21.549999,21.549999,21.549999,21.549999,21.549999,3880000 +1951-01-18,21.400000,21.400000,21.400000,21.400000,21.400000,3490000 +1951-01-19,21.360001,21.360001,21.360001,21.360001,21.360001,3170000 +1951-01-22,21.410000,21.410000,21.180000,21.180000,21.180000,3710000 +1951-01-23,21.260000,21.260000,21.260000,21.260000,21.260000,2080000 +1951-01-24,21.160000,21.160000,21.160000,21.160000,21.160000,1990000 +1951-01-25,21.030001,21.030001,21.030001,21.030001,21.030001,2520000 +1951-01-26,21.260000,21.260000,21.260000,21.260000,21.260000,2230000 +1951-01-29,21.530001,21.670000,21.530001,21.670000,21.670000,4020000 +1951-01-30,21.740000,21.740000,21.740000,21.740000,21.740000,2480000 +1951-01-31,21.660000,21.660000,21.660000,21.660000,21.660000,2340000 +1951-02-01,21.770000,21.770000,21.770000,21.770000,21.770000,2380000 +1951-02-02,21.959999,21.959999,21.959999,21.959999,21.959999,3030000 +1951-02-05,22.080000,22.200001,22.080000,22.200001,22.200001,4070000 +1951-02-06,22.120001,22.120001,22.120001,22.120001,22.120001,2370000 +1951-02-07,21.990000,21.990000,21.990000,21.990000,21.990000,2020000 +1951-02-08,22.090000,22.090000,22.090000,22.090000,22.090000,2120000 +1951-02-09,22.170000,22.170000,22.170000,22.170000,22.170000,2550000 +1951-02-13,22.209999,22.209999,22.180000,22.180000,22.180000,3460000 +1951-02-14,22.120001,22.120001,22.120001,22.120001,22.120001,2050000 +1951-02-15,22.000000,22.000000,22.000000,22.000000,22.000000,1700000 +1951-02-16,22.129999,22.129999,22.129999,22.129999,22.129999,1860000 +1951-02-19,22.150000,22.150000,21.830000,21.830000,21.830000,2730000 +1951-02-20,21.790001,21.790001,21.790001,21.790001,21.790001,2010000 +1951-02-21,21.860001,21.860001,21.860001,21.860001,21.860001,1670000 +1951-02-23,21.920000,21.920000,21.920000,21.920000,21.920000,1540000 +1951-02-26,21.959999,21.959999,21.930000,21.930000,21.930000,2330000 +1951-02-27,21.760000,21.760000,21.760000,21.760000,21.760000,1680000 +1951-02-28,21.799999,21.799999,21.799999,21.799999,21.799999,1640000 +1951-03-01,21.850000,21.850000,21.850000,21.850000,21.850000,1610000 +1951-03-02,21.930000,21.930000,21.930000,21.930000,21.930000,1570000 +1951-03-05,21.940001,21.940001,21.790001,21.790001,21.790001,2310000 +1951-03-06,21.790001,21.790001,21.790001,21.790001,21.790001,1490000 +1951-03-07,21.860001,21.860001,21.860001,21.860001,21.860001,1770000 +1951-03-08,21.950001,21.950001,21.950001,21.950001,21.950001,1440000 +1951-03-09,21.950001,21.950001,21.950001,21.950001,21.950001,1610000 +1951-03-12,21.910000,21.910000,21.700001,21.700001,21.700001,2110000 +1951-03-13,21.410000,21.410000,21.410000,21.410000,21.410000,2330000 +1951-03-14,21.250000,21.250000,21.250000,21.250000,21.250000,2110000 +1951-03-15,21.290001,21.290001,21.290001,21.290001,21.290001,2070000 +1951-03-16,21.639999,21.639999,21.639999,21.639999,21.639999,1660000 +1951-03-19,21.670000,21.670000,21.559999,21.559999,21.559999,1750000 +1951-03-20,21.520000,21.520000,21.520000,21.520000,21.520000,1020000 +1951-03-21,21.639999,21.639999,21.639999,21.639999,21.639999,1310000 +1951-03-22,21.730000,21.730000,21.730000,21.730000,21.730000,1290000 +1951-03-26,21.469999,21.530001,21.469999,21.530001,21.530001,2130000 +1951-03-27,21.510000,21.510000,21.510000,21.510000,21.510000,1250000 +1951-03-28,21.260000,21.260000,21.260000,21.260000,21.260000,1770000 +1951-03-29,21.330000,21.330000,21.330000,21.330000,21.330000,1300000 +1951-03-30,21.480000,21.480000,21.480000,21.480000,21.480000,1150000 +1951-04-02,21.400000,21.400000,21.320000,21.320000,21.320000,1760000 +1951-04-03,21.260000,21.260000,21.260000,21.260000,21.260000,1220000 +1951-04-04,21.400000,21.400000,21.400000,21.400000,21.400000,1300000 +1951-04-05,21.690001,21.690001,21.690001,21.690001,21.690001,1790000 +1951-04-06,21.719999,21.719999,21.719999,21.719999,21.719999,1450000 +1951-04-09,21.680000,21.680000,21.680000,21.680000,21.680000,1550000 +1951-04-10,21.650000,21.650000,21.650000,21.650000,21.650000,1280000 +1951-04-11,21.639999,21.639999,21.639999,21.639999,21.639999,1420000 +1951-04-12,21.830000,21.830000,21.830000,21.830000,21.830000,1530000 +1951-04-13,22.090000,22.090000,22.090000,22.090000,22.090000,2120000 +1951-04-16,22.200001,22.200001,22.040001,22.040001,22.040001,2680000 +1951-04-17,22.090000,22.090000,22.090000,22.090000,22.090000,1470000 +1951-04-18,22.129999,22.129999,22.129999,22.129999,22.129999,1780000 +1951-04-19,22.040001,22.040001,22.040001,22.040001,22.040001,1520000 +1951-04-20,22.040001,22.040001,22.040001,22.040001,22.040001,940000 +1951-04-23,22.049999,22.049999,22.049999,22.049999,22.049999,5060000 +1951-04-24,21.959999,21.959999,21.959999,21.959999,21.959999,1420000 +1951-04-25,21.969999,21.969999,21.969999,21.969999,21.969999,1520000 +1951-04-26,22.160000,22.160000,22.160000,22.160000,22.160000,1800000 +1951-04-27,22.389999,22.389999,22.389999,22.389999,22.389999,2120000 +1951-04-30,22.430000,22.430000,22.430000,22.430000,22.430000,2540000 +1951-05-01,22.530001,22.530001,22.530001,22.530001,22.530001,1760000 +1951-05-02,22.620001,22.620001,22.620001,22.620001,22.620001,1900000 +1951-05-03,22.809999,22.809999,22.809999,22.809999,22.809999,2060000 +1951-05-04,22.770000,22.770000,22.770000,22.770000,22.770000,2050000 +1951-05-07,22.690001,22.690001,22.629999,22.629999,22.629999,2170000 +1951-05-08,22.610001,22.610001,22.610001,22.610001,22.610001,1600000 +1951-05-09,22.639999,22.639999,22.639999,22.639999,22.639999,1960000 +1951-05-10,22.510000,22.510000,22.510000,22.510000,22.510000,1660000 +1951-05-11,22.330000,22.330000,22.330000,22.330000,22.330000,1640000 +1951-05-14,22.219999,22.219999,22.180000,22.180000,22.180000,1900000 +1951-05-15,21.760000,21.760000,21.760000,21.760000,21.760000,2020000 +1951-05-16,21.690001,21.690001,21.690001,21.690001,21.690001,1660000 +1951-05-17,21.910000,21.910000,21.910000,21.910000,21.910000,1370000 +1951-05-18,21.510000,21.510000,21.510000,21.510000,21.510000,1660000 +1951-05-21,21.549999,21.549999,21.459999,21.459999,21.459999,2190000 +1951-05-22,21.360001,21.360001,21.360001,21.360001,21.360001,1440000 +1951-05-23,21.160000,21.160000,21.160000,21.160000,21.160000,1540000 +1951-05-24,21.049999,21.049999,21.049999,21.049999,21.049999,2580000 +1951-05-25,21.030001,21.030001,21.030001,21.030001,21.030001,1210000 +1951-05-28,21.080000,21.209999,21.080000,21.209999,21.209999,1660000 +1951-05-29,21.350000,21.350000,21.350000,21.350000,21.350000,1190000 +1951-05-31,21.520000,21.520000,21.520000,21.520000,21.520000,1220000 +1951-06-01,21.480000,21.480000,21.480000,21.480000,21.480000,9810000 +1951-06-04,21.240000,21.240000,21.240000,21.240000,21.240000,1100000 +1951-06-05,21.330000,21.330000,21.330000,21.330000,21.330000,1180000 +1951-06-06,21.480000,21.480000,21.480000,21.480000,21.480000,1200000 +1951-06-07,21.559999,21.559999,21.559999,21.559999,21.559999,1340000 +1951-06-08,21.490000,21.490000,21.490000,21.490000,21.490000,1000000 +1951-06-11,21.610001,21.610001,21.610001,21.610001,21.610001,1220000 +1951-06-12,21.520000,21.520000,21.520000,21.520000,21.520000,1200000 +1951-06-13,21.549999,21.549999,21.549999,21.549999,21.549999,1060000 +1951-06-14,21.840000,21.840000,21.840000,21.840000,21.840000,1300000 +1951-06-15,22.040001,22.040001,22.040001,22.040001,22.040001,1370000 +1951-06-18,22.049999,22.049999,22.049999,22.049999,22.049999,1050000 +1951-06-19,22.020000,22.020000,22.020000,22.020000,22.020000,1100000 +1951-06-20,21.910000,21.910000,21.910000,21.910000,21.910000,1120000 +1951-06-21,21.780001,21.780001,21.780001,21.780001,21.780001,1100000 +1951-06-22,21.549999,21.549999,21.549999,21.549999,21.549999,1340000 +1951-06-25,21.290001,21.290001,21.290001,21.290001,21.290001,2440000 +1951-06-26,21.299999,21.299999,21.299999,21.299999,21.299999,1260000 +1951-06-27,21.370001,21.370001,21.370001,21.370001,21.370001,1360000 +1951-06-28,21.100000,21.100000,21.100000,21.100000,21.100000,1940000 +1951-06-29,20.959999,20.959999,20.959999,20.959999,20.959999,1730000 +1951-07-02,21.100000,21.100000,21.100000,21.100000,21.100000,1350000 +1951-07-03,21.230000,21.230000,21.230000,21.230000,21.230000,1250000 +1951-07-05,21.639999,21.639999,21.639999,21.639999,21.639999,1410000 +1951-07-06,21.639999,21.639999,21.639999,21.639999,21.639999,1170000 +1951-07-09,21.730000,21.730000,21.730000,21.730000,21.730000,1110000 +1951-07-10,21.629999,21.629999,21.629999,21.629999,21.629999,990000 +1951-07-11,21.680000,21.680000,21.680000,21.680000,21.680000,970000 +1951-07-12,21.799999,21.799999,21.799999,21.799999,21.799999,1050000 +1951-07-13,21.980000,21.980000,21.980000,21.980000,21.980000,1320000 +1951-07-16,21.730000,21.730000,21.730000,21.730000,21.730000,1200000 +1951-07-17,21.920000,21.920000,21.920000,21.920000,21.920000,1280000 +1951-07-18,21.879999,21.879999,21.879999,21.879999,21.879999,1370000 +1951-07-19,21.840000,21.840000,21.840000,21.840000,21.840000,1120000 +1951-07-20,21.879999,21.879999,21.879999,21.879999,21.879999,1390000 +1951-07-23,22.100000,22.100000,22.100000,22.100000,22.100000,1320000 +1951-07-24,22.440001,22.440001,22.440001,22.440001,22.440001,1740000 +1951-07-25,22.320000,22.320000,22.320000,22.320000,22.320000,1870000 +1951-07-26,22.469999,22.469999,22.469999,22.469999,22.469999,1480000 +1951-07-27,22.530001,22.530001,22.530001,22.530001,22.530001,1450000 +1951-07-30,22.629999,22.629999,22.629999,22.629999,22.629999,1600000 +1951-07-31,22.400000,22.400000,22.400000,22.400000,22.400000,1550000 +1951-08-01,22.510000,22.510000,22.510000,22.510000,22.510000,1680000 +1951-08-02,22.820000,22.820000,22.820000,22.820000,22.820000,2130000 +1951-08-03,22.850000,22.850000,22.850000,22.850000,22.850000,1570000 +1951-08-06,23.010000,23.010000,23.010000,23.010000,23.010000,1600000 +1951-08-07,23.030001,23.030001,23.030001,23.030001,23.030001,1810000 +1951-08-08,22.930000,22.930000,22.930000,22.930000,22.930000,1410000 +1951-08-09,22.840000,22.840000,22.840000,22.840000,22.840000,1500000 +1951-08-10,22.790001,22.790001,22.790001,22.790001,22.790001,1260000 +1951-08-13,22.799999,22.799999,22.799999,22.799999,22.799999,1320000 +1951-08-14,22.700001,22.700001,22.700001,22.700001,22.700001,1180000 +1951-08-15,22.790001,22.790001,22.790001,22.790001,22.790001,1340000 +1951-08-16,22.870001,22.870001,22.870001,22.870001,22.870001,1750000 +1951-08-17,22.940001,22.940001,22.940001,22.940001,22.940001,1620000 +1951-08-20,22.930000,22.930000,22.930000,22.930000,22.930000,1130000 +1951-08-21,22.830000,22.830000,22.830000,22.830000,22.830000,1400000 +1951-08-22,22.750000,22.750000,22.750000,22.750000,22.750000,1130000 +1951-08-23,22.900000,22.900000,22.900000,22.900000,22.900000,1230000 +1951-08-24,22.879999,22.879999,22.879999,22.879999,22.879999,1210000 +1951-08-27,22.850000,22.850000,22.850000,22.850000,22.850000,1080000 +1951-08-28,22.900000,22.900000,22.900000,22.900000,22.900000,1280000 +1951-08-29,23.080000,23.080000,23.080000,23.080000,23.080000,1520000 +1951-08-30,23.240000,23.240000,23.240000,23.240000,23.240000,1950000 +1951-08-31,23.280001,23.280001,23.280001,23.280001,23.280001,1530000 +1951-09-04,23.280001,23.280001,23.280001,23.280001,23.280001,1520000 +1951-09-05,23.420000,23.420000,23.420000,23.420000,23.420000,1850000 +1951-09-06,23.469999,23.469999,23.469999,23.469999,23.469999,2150000 +1951-09-07,23.530001,23.530001,23.530001,23.530001,23.530001,1970000 +1951-09-10,23.620001,23.620001,23.620001,23.620001,23.620001,2190000 +1951-09-11,23.500000,23.500000,23.500000,23.500000,23.500000,2040000 +1951-09-12,23.600000,23.600000,23.600000,23.600000,23.600000,2180000 +1951-09-13,23.709999,23.709999,23.709999,23.709999,23.709999,2350000 +1951-09-14,23.690001,23.690001,23.690001,23.690001,23.690001,2170000 +1951-09-17,23.620001,23.620001,23.620001,23.620001,23.620001,1800000 +1951-09-18,23.590000,23.590000,23.590000,23.590000,23.590000,2030000 +1951-09-19,23.590000,23.590000,23.590000,23.590000,23.590000,2070000 +1951-09-20,23.570000,23.570000,23.570000,23.570000,23.570000,2100000 +1951-09-21,23.400000,23.400000,23.400000,23.400000,23.400000,2180000 +1951-09-24,23.299999,23.299999,23.299999,23.299999,23.299999,1630000 +1951-09-25,23.379999,23.379999,23.379999,23.379999,23.379999,1740000 +1951-09-26,23.400000,23.400000,23.400000,23.400000,23.400000,1520000 +1951-09-27,23.270000,23.270000,23.270000,23.270000,23.270000,1540000 +1951-09-28,23.260000,23.260000,23.260000,23.260000,23.260000,1390000 +1951-10-01,23.469999,23.469999,23.469999,23.469999,23.469999,1330000 +1951-10-02,23.639999,23.639999,23.639999,23.639999,23.639999,1870000 +1951-10-03,23.790001,23.790001,23.790001,23.790001,23.790001,2780000 +1951-10-04,23.719999,23.719999,23.719999,23.719999,23.719999,1810000 +1951-10-05,23.780001,23.780001,23.780001,23.780001,23.780001,2080000 +1951-10-08,23.770000,23.770000,23.750000,23.750000,23.750000,2620000 +1951-10-09,23.650000,23.650000,23.650000,23.650000,23.650000,1750000 +1951-10-10,23.610001,23.610001,23.610001,23.610001,23.610001,1320000 +1951-10-11,23.700001,23.700001,23.700001,23.700001,23.700001,1760000 +1951-10-15,23.799999,23.850000,23.799999,23.850000,23.850000,2470000 +1951-10-16,23.770000,23.770000,23.770000,23.770000,23.770000,1730000 +1951-10-17,23.690001,23.690001,23.690001,23.690001,23.690001,1460000 +1951-10-18,23.670000,23.670000,23.670000,23.670000,23.670000,1450000 +1951-10-19,23.320000,23.320000,23.320000,23.320000,23.320000,1990000 +1951-10-22,23.129999,23.129999,22.750000,22.750000,22.750000,3720000 +1951-10-23,22.840000,22.840000,22.840000,22.840000,22.840000,2110000 +1951-10-24,23.030001,23.030001,23.030001,23.030001,23.030001,1670000 +1951-10-25,22.959999,22.959999,22.959999,22.959999,22.959999,1360000 +1951-10-26,22.809999,22.809999,22.809999,22.809999,22.809999,1710000 +1951-10-29,22.450001,22.690001,22.450001,22.690001,22.690001,2920000 +1951-10-30,22.660000,22.660000,22.660000,22.660000,22.660000,1530000 +1951-10-31,22.940001,22.940001,22.940001,22.940001,22.940001,1490000 +1951-11-01,23.100000,23.100000,23.100000,23.100000,23.100000,1430000 +1951-11-02,22.930000,22.930000,22.930000,22.930000,22.930000,1230000 +1951-11-05,22.740000,22.820000,22.740000,22.820000,22.820000,1810000 +1951-11-07,22.490000,22.490000,22.490000,22.490000,22.490000,1490000 +1951-11-08,22.469999,22.469999,22.469999,22.469999,22.469999,1410000 +1951-11-09,22.750000,22.750000,22.750000,22.750000,22.750000,1470000 +1951-11-13,22.889999,22.889999,22.790001,22.790001,22.790001,1700000 +1951-11-14,22.850000,22.850000,22.850000,22.850000,22.850000,1220000 +1951-11-15,22.840000,22.840000,22.840000,22.840000,22.840000,1200000 +1951-11-16,22.820000,22.820000,22.820000,22.820000,22.820000,1140000 +1951-11-19,22.840000,22.840000,22.730000,22.730000,22.730000,5020000 +1951-11-20,22.680000,22.680000,22.680000,22.680000,22.680000,1130000 +1951-11-21,22.639999,22.639999,22.639999,22.639999,22.639999,1090000 +1951-11-23,22.400000,22.400000,22.400000,22.400000,22.400000,1210000 +1951-11-26,22.299999,22.430000,22.299999,22.430000,22.430000,1670000 +1951-11-27,22.660000,22.660000,22.660000,22.660000,22.660000,1310000 +1951-11-28,22.610001,22.610001,22.610001,22.610001,22.610001,1150000 +1951-11-29,22.670000,22.670000,22.670000,22.670000,22.670000,1070000 +1951-11-30,22.879999,22.879999,22.879999,22.879999,22.879999,1530000 +1951-12-03,22.940001,23.010000,22.940001,23.010000,23.010000,6260000 +1951-12-04,23.139999,23.139999,23.139999,23.139999,23.139999,1280000 +1951-12-05,23.070000,23.070000,23.070000,23.070000,23.070000,1330000 +1951-12-06,23.340000,23.340000,23.340000,23.340000,23.340000,1840000 +1951-12-07,23.379999,23.379999,23.379999,23.379999,23.379999,1990000 +1951-12-10,23.410000,23.420000,23.410000,23.420000,23.420000,1920000 +1951-12-11,23.299999,23.299999,23.299999,23.299999,23.299999,1360000 +1951-12-12,23.370001,23.370001,23.370001,23.370001,23.370001,1280000 +1951-12-13,23.389999,23.389999,23.389999,23.389999,23.389999,1380000 +1951-12-14,23.370001,23.370001,23.370001,23.370001,23.370001,1360000 +1951-12-17,23.360001,23.410000,23.360001,23.410000,23.410000,1640000 +1951-12-18,23.490000,23.490000,23.490000,23.490000,23.490000,1290000 +1951-12-19,23.570000,23.570000,23.570000,23.570000,23.570000,1510000 +1951-12-20,23.570000,23.570000,23.570000,23.570000,23.570000,1340000 +1951-12-21,23.510000,23.510000,23.510000,23.510000,23.510000,1250000 +1951-12-24,23.530001,23.540001,23.530001,23.540001,23.540001,1130000 +1951-12-26,23.440001,23.440001,23.440001,23.440001,23.440001,1520000 +1951-12-27,23.650000,23.650000,23.650000,23.650000,23.650000,1460000 +1951-12-28,23.690001,23.690001,23.690001,23.690001,23.690001,1470000 +1951-12-31,23.690001,23.770000,23.690001,23.770000,23.770000,2000000 +1952-01-02,23.799999,23.799999,23.799999,23.799999,23.799999,1070000 +1952-01-03,23.879999,23.879999,23.879999,23.879999,23.879999,1220000 +1952-01-04,23.920000,23.920000,23.920000,23.920000,23.920000,1480000 +1952-01-07,23.940001,23.940001,23.910000,23.910000,23.910000,6440000 +1952-01-08,23.820000,23.820000,23.820000,23.820000,23.820000,1390000 +1952-01-09,23.740000,23.740000,23.740000,23.740000,23.740000,1370000 +1952-01-10,23.860001,23.860001,23.860001,23.860001,23.860001,1520000 +1952-01-11,23.980000,23.980000,23.980000,23.980000,23.980000,1760000 +1952-01-14,24.059999,24.160000,24.059999,24.160000,24.160000,2260000 +1952-01-15,24.059999,24.059999,24.059999,24.059999,24.059999,1340000 +1952-01-16,24.090000,24.090000,24.090000,24.090000,24.090000,1430000 +1952-01-17,24.200001,24.200001,24.200001,24.200001,24.200001,1590000 +1952-01-18,24.250000,24.250000,24.250000,24.250000,24.250000,1740000 +1952-01-21,24.330000,24.459999,24.330000,24.459999,24.459999,2460000 +1952-01-22,24.660000,24.660000,24.660000,24.660000,24.660000,1920000 +1952-01-23,24.540001,24.540001,24.540001,24.540001,24.540001,1680000 +1952-01-24,24.559999,24.559999,24.559999,24.559999,24.559999,1570000 +1952-01-25,24.549999,24.549999,24.549999,24.549999,24.549999,1650000 +1952-01-28,24.590000,24.610001,24.590000,24.610001,24.610001,2250000 +1952-01-29,24.570000,24.570000,24.570000,24.570000,24.570000,1730000 +1952-01-30,24.230000,24.230000,24.230000,24.230000,24.230000,1880000 +1952-01-31,24.139999,24.139999,24.139999,24.139999,24.139999,1810000 +1952-02-01,24.299999,24.299999,24.299999,24.299999,24.299999,1350000 +1952-02-04,24.410000,24.410000,24.120001,24.120001,24.120001,2250000 +1952-02-05,24.110001,24.110001,24.110001,24.110001,24.110001,1590000 +1952-02-06,24.180000,24.180000,24.180000,24.180000,24.180000,1310000 +1952-02-07,24.110001,24.110001,24.110001,24.110001,24.110001,1170000 +1952-02-08,24.240000,24.240000,24.240000,24.240000,24.240000,1350000 +1952-02-11,24.250000,24.250000,24.110001,24.110001,24.110001,1620000 +1952-02-13,23.920000,23.920000,23.920000,23.920000,23.920000,1300000 +1952-02-14,23.870001,23.870001,23.870001,23.870001,23.870001,1340000 +1952-02-15,23.860001,23.860001,23.860001,23.860001,23.860001,1200000 +1952-02-18,23.840000,23.840000,23.740000,23.740000,23.740000,1530000 +1952-02-19,23.360001,23.360001,23.360001,23.360001,23.360001,1630000 +1952-02-20,23.090000,23.090000,23.090000,23.090000,23.090000,1970000 +1952-02-21,23.160000,23.160000,23.160000,23.160000,23.160000,1360000 +1952-02-25,23.360001,23.360001,23.230000,23.230000,23.230000,1730000 +1952-02-26,23.150000,23.150000,23.150000,23.150000,23.150000,1080000 +1952-02-27,23.180000,23.180000,23.180000,23.180000,23.180000,1260000 +1952-02-28,23.290001,23.290001,23.290001,23.290001,23.290001,1150000 +1952-02-29,23.260000,23.260000,23.260000,23.260000,23.260000,1000000 +1952-03-03,23.280001,23.290001,23.280001,23.290001,23.290001,1480000 +1952-03-04,23.680000,23.680000,23.680000,23.680000,23.680000,1570000 +1952-03-05,23.709999,23.709999,23.709999,23.709999,23.709999,1380000 +1952-03-06,23.690001,23.690001,23.690001,23.690001,23.690001,1210000 +1952-03-07,23.719999,23.719999,23.719999,23.719999,23.719999,1410000 +1952-03-10,23.770000,23.770000,23.600000,23.600000,23.600000,1840000 +1952-03-11,23.620001,23.620001,23.620001,23.620001,23.620001,1210000 +1952-03-12,23.730000,23.730000,23.730000,23.730000,23.730000,1310000 +1952-03-13,23.750000,23.750000,23.750000,23.750000,23.750000,1270000 +1952-03-14,23.750000,23.750000,23.750000,23.750000,23.750000,1350000 +1952-03-17,23.830000,23.920000,23.830000,23.920000,23.920000,1790000 +1952-03-18,23.870001,23.870001,23.870001,23.870001,23.870001,1170000 +1952-03-19,23.820000,23.820000,23.820000,23.820000,23.820000,1090000 +1952-03-20,23.889999,23.889999,23.889999,23.889999,23.889999,1240000 +1952-03-21,23.930000,23.930000,23.930000,23.930000,23.930000,1290000 +1952-03-24,23.940001,23.940001,23.930000,23.930000,23.930000,1450000 +1952-03-25,23.790001,23.790001,23.790001,23.790001,23.790001,1060000 +1952-03-26,23.780001,23.780001,23.780001,23.780001,23.780001,1030000 +1952-03-27,23.990000,23.990000,23.990000,23.990000,23.990000,1370000 +1952-03-28,24.180000,24.180000,24.180000,24.180000,24.180000,1560000 +1952-03-31,24.340000,24.370001,24.340000,24.370001,24.370001,2420000 +1952-04-01,24.180000,24.180000,24.180000,24.180000,24.180000,1720000 +1952-04-02,24.120001,24.120001,24.120001,24.120001,24.120001,1260000 +1952-04-03,24.120001,24.120001,24.120001,24.120001,24.120001,1280000 +1952-04-04,24.020000,24.020000,24.020000,24.020000,24.020000,1190000 +1952-04-07,24.000000,24.000000,23.799999,23.799999,23.799999,1660000 +1952-04-08,23.910000,23.910000,23.910000,23.910000,23.910000,1090000 +1952-04-09,23.940001,23.940001,23.940001,23.940001,23.940001,980000 +1952-04-10,24.110001,24.110001,24.110001,24.110001,24.110001,1130000 +1952-04-14,24.150000,24.150000,23.950001,23.950001,23.950001,2290000 +1952-04-15,23.650000,23.650000,23.650000,23.650000,23.650000,1720000 +1952-04-16,23.580000,23.580000,23.580000,23.580000,23.580000,1400000 +1952-04-17,23.410000,23.410000,23.410000,23.410000,23.410000,1620000 +1952-04-18,23.500000,23.500000,23.500000,23.500000,23.500000,1240000 +1952-04-21,23.510000,23.690001,23.510000,23.690001,23.690001,1450000 +1952-04-22,23.580000,23.580000,23.580000,23.580000,23.580000,1240000 +1952-04-23,23.480000,23.480000,23.480000,23.480000,23.480000,1090000 +1952-04-24,23.430000,23.430000,23.430000,23.430000,23.430000,1580000 +1952-04-25,23.540001,23.540001,23.540001,23.540001,23.540001,1240000 +1952-04-28,23.580000,23.580000,23.549999,23.549999,23.549999,1530000 +1952-04-29,23.490000,23.490000,23.490000,23.490000,23.490000,1170000 +1952-04-30,23.320000,23.320000,23.320000,23.320000,23.320000,1000000 +1952-05-01,23.170000,23.170000,23.170000,23.170000,23.170000,1400000 +1952-05-02,23.559999,23.559999,23.559999,23.559999,23.559999,1300000 +1952-05-05,23.590000,23.660000,23.590000,23.660000,23.660000,1540000 +1952-05-06,23.670000,23.670000,23.670000,23.670000,23.670000,1120000 +1952-05-07,23.809999,23.809999,23.809999,23.809999,23.809999,1120000 +1952-05-08,23.860001,23.860001,23.860001,23.860001,23.860001,1230000 +1952-05-09,23.840000,23.840000,23.840000,23.840000,23.840000,960000 +1952-05-12,23.799999,23.799999,23.750000,23.750000,23.750000,1110000 +1952-05-13,23.780001,23.780001,23.780001,23.780001,23.780001,890000 +1952-05-14,23.680000,23.680000,23.680000,23.680000,23.680000,950000 +1952-05-15,23.600000,23.600000,23.600000,23.600000,23.600000,1050000 +1952-05-16,23.559999,23.559999,23.559999,23.559999,23.559999,910000 +1952-05-19,23.559999,23.610001,23.559999,23.610001,23.610001,1050000 +1952-05-20,23.740000,23.740000,23.740000,23.740000,23.740000,1150000 +1952-05-21,23.780001,23.780001,23.780001,23.780001,23.780001,1210000 +1952-05-22,23.910000,23.910000,23.910000,23.910000,23.910000,1360000 +1952-05-23,23.889999,23.889999,23.889999,23.889999,23.889999,1150000 +1952-05-26,23.889999,23.940001,23.889999,23.940001,23.940001,1240000 +1952-05-27,23.879999,23.879999,23.879999,23.879999,23.879999,1040000 +1952-05-28,23.840000,23.840000,23.840000,23.840000,23.840000,1130000 +1952-05-29,23.860001,23.860001,23.860001,23.860001,23.860001,1100000 +1952-06-02,23.799999,23.799999,23.799999,23.799999,23.799999,1190000 +1952-06-03,23.780001,23.780001,23.780001,23.780001,23.780001,940000 +1952-06-04,23.950001,23.950001,23.950001,23.950001,23.950001,1200000 +1952-06-05,24.100000,24.100000,24.100000,24.100000,24.100000,1410000 +1952-06-06,24.260000,24.260000,24.260000,24.260000,24.260000,1520000 +1952-06-09,24.370001,24.370001,24.370001,24.370001,24.370001,1270000 +1952-06-10,24.230000,24.230000,24.230000,24.230000,24.230000,1220000 +1952-06-11,24.309999,24.309999,24.309999,24.309999,24.309999,1190000 +1952-06-12,24.309999,24.309999,24.309999,24.309999,24.309999,1370000 +1952-06-13,24.370001,24.370001,24.370001,24.370001,24.370001,1130000 +1952-06-16,24.299999,24.299999,24.299999,24.299999,24.299999,980000 +1952-06-17,24.330000,24.330000,24.330000,24.330000,24.330000,920000 +1952-06-18,24.430000,24.430000,24.430000,24.430000,24.430000,1270000 +1952-06-19,24.510000,24.510000,24.510000,24.510000,24.510000,1320000 +1952-06-20,24.590000,24.590000,24.590000,24.590000,24.590000,1190000 +1952-06-23,24.559999,24.559999,24.559999,24.559999,24.559999,1200000 +1952-06-24,24.600000,24.600000,24.600000,24.600000,24.600000,1200000 +1952-06-25,24.660000,24.660000,24.660000,24.660000,24.660000,1230000 +1952-06-26,24.750000,24.750000,24.750000,24.750000,24.750000,1190000 +1952-06-27,24.830000,24.830000,24.830000,24.830000,24.830000,1210000 +1952-06-30,24.959999,24.959999,24.959999,24.959999,24.959999,1380000 +1952-07-01,25.120001,25.120001,25.120001,25.120001,25.120001,1450000 +1952-07-02,25.059999,25.059999,25.059999,25.059999,25.059999,1320000 +1952-07-03,25.049999,25.049999,25.049999,25.049999,25.049999,1150000 +1952-07-07,24.969999,24.969999,24.969999,24.969999,24.969999,1080000 +1952-07-08,24.959999,24.959999,24.959999,24.959999,24.959999,850000 +1952-07-09,24.860001,24.860001,24.860001,24.860001,24.860001,1120000 +1952-07-10,24.809999,24.809999,24.809999,24.809999,24.809999,1010000 +1952-07-11,24.980000,24.980000,24.980000,24.980000,24.980000,1040000 +1952-07-14,25.030001,25.030001,25.030001,25.030001,25.030001,1090000 +1952-07-15,25.160000,25.160000,25.160000,25.160000,25.160000,1220000 +1952-07-16,25.160000,25.160000,25.160000,25.160000,25.160000,1120000 +1952-07-17,25.049999,25.049999,25.049999,25.049999,25.049999,1010000 +1952-07-18,24.850000,24.850000,24.850000,24.850000,24.850000,1020000 +1952-07-21,24.950001,24.950001,24.950001,24.950001,24.950001,780000 +1952-07-22,25.000000,25.000000,25.000000,25.000000,25.000000,910000 +1952-07-23,25.110001,25.110001,25.110001,25.110001,25.110001,1020000 +1952-07-24,25.240000,25.240000,25.240000,25.240000,25.240000,1270000 +1952-07-25,25.160000,25.160000,25.160000,25.160000,25.160000,1130000 +1952-07-28,25.200001,25.200001,25.200001,25.200001,25.200001,1030000 +1952-07-29,25.260000,25.260000,25.260000,25.260000,25.260000,1010000 +1952-07-30,25.370001,25.370001,25.370001,25.370001,25.370001,1240000 +1952-07-31,25.400000,25.400000,25.400000,25.400000,25.400000,1230000 +1952-08-01,25.450001,25.450001,25.450001,25.450001,25.450001,1050000 +1952-08-04,25.430000,25.430000,25.430000,25.430000,25.430000,950000 +1952-08-05,25.459999,25.459999,25.459999,25.459999,25.459999,1050000 +1952-08-06,25.440001,25.440001,25.440001,25.440001,25.440001,1140000 +1952-08-07,25.520000,25.520000,25.520000,25.520000,25.520000,1180000 +1952-08-08,25.549999,25.549999,25.549999,25.549999,25.549999,1170000 +1952-08-11,25.520000,25.520000,25.520000,25.520000,25.520000,1160000 +1952-08-12,25.309999,25.309999,25.309999,25.309999,25.309999,1110000 +1952-08-13,25.280001,25.280001,25.280001,25.280001,25.280001,990000 +1952-08-14,25.280001,25.280001,25.280001,25.280001,25.280001,930000 +1952-08-15,25.200001,25.200001,25.200001,25.200001,25.200001,890000 +1952-08-18,24.940001,24.940001,24.940001,24.940001,24.940001,1090000 +1952-08-19,24.889999,24.889999,24.889999,24.889999,24.889999,980000 +1952-08-20,24.950001,24.950001,24.950001,24.950001,24.950001,960000 +1952-08-21,24.980000,24.980000,24.980000,24.980000,24.980000,800000 +1952-08-22,24.990000,24.990000,24.990000,24.990000,24.990000,910000 +1952-08-25,24.870001,24.870001,24.870001,24.870001,24.870001,840000 +1952-08-26,24.830000,24.830000,24.830000,24.830000,24.830000,890000 +1952-08-27,24.940001,24.940001,24.940001,24.940001,24.940001,930000 +1952-08-28,24.969999,24.969999,24.969999,24.969999,24.969999,980000 +1952-08-29,25.030001,25.030001,25.030001,25.030001,25.030001,890000 +1952-09-02,25.150000,25.150000,25.150000,25.150000,25.150000,970000 +1952-09-03,25.250000,25.250000,25.250000,25.250000,25.250000,1200000 +1952-09-04,25.240000,25.240000,25.240000,25.240000,25.240000,1120000 +1952-09-05,25.209999,25.209999,25.209999,25.209999,25.209999,1040000 +1952-09-08,25.110001,25.110001,25.110001,25.110001,25.110001,1170000 +1952-09-09,24.860001,24.860001,24.860001,24.860001,24.860001,1310000 +1952-09-10,24.690001,24.690001,24.690001,24.690001,24.690001,1590000 +1952-09-11,24.719999,24.719999,24.719999,24.719999,24.719999,970000 +1952-09-12,24.709999,24.709999,24.709999,24.709999,24.709999,1040000 +1952-09-15,24.450001,24.450001,24.450001,24.450001,24.450001,1100000 +1952-09-16,24.530001,24.530001,24.530001,24.530001,24.530001,1140000 +1952-09-17,24.580000,24.580000,24.580000,24.580000,24.580000,1000000 +1952-09-18,24.510000,24.510000,24.510000,24.510000,24.510000,1030000 +1952-09-19,24.570000,24.570000,24.570000,24.570000,24.570000,1150000 +1952-09-22,24.590000,24.590000,24.590000,24.590000,24.590000,1160000 +1952-09-23,24.700001,24.700001,24.700001,24.700001,24.700001,1240000 +1952-09-24,24.790001,24.790001,24.790001,24.790001,24.790001,1390000 +1952-09-25,24.809999,24.809999,24.809999,24.809999,24.809999,1210000 +1952-09-26,24.730000,24.730000,24.730000,24.730000,24.730000,1180000 +1952-09-29,24.680000,24.680000,24.680000,24.680000,24.680000,970000 +1952-09-30,24.540001,24.540001,24.540001,24.540001,24.540001,1120000 +1952-10-01,24.480000,24.480000,24.480000,24.480000,24.480000,1060000 +1952-10-02,24.520000,24.520000,24.520000,24.520000,24.520000,1040000 +1952-10-03,24.500000,24.500000,24.500000,24.500000,24.500000,980000 +1952-10-06,24.440001,24.440001,24.440001,24.440001,24.440001,1070000 +1952-10-07,24.400000,24.400000,24.400000,24.400000,24.400000,950000 +1952-10-08,24.580000,24.580000,24.580000,24.580000,24.580000,1260000 +1952-10-09,24.570000,24.570000,24.570000,24.570000,24.570000,1090000 +1952-10-10,24.549999,24.549999,24.549999,24.549999,24.549999,1070000 +1952-10-14,24.480000,24.480000,24.480000,24.480000,24.480000,1130000 +1952-10-15,24.059999,24.059999,24.059999,24.059999,24.059999,1730000 +1952-10-16,23.910000,23.910000,23.910000,23.910000,23.910000,1730000 +1952-10-17,24.200001,24.200001,24.200001,24.200001,24.200001,1360000 +1952-10-20,24.129999,24.129999,24.129999,24.129999,24.129999,1050000 +1952-10-21,24.070000,24.070000,24.070000,24.070000,24.070000,990000 +1952-10-22,23.799999,23.799999,23.799999,23.799999,23.799999,1160000 +1952-10-23,23.870001,23.870001,23.870001,23.870001,23.870001,1260000 +1952-10-24,24.030001,24.030001,24.030001,24.030001,24.030001,1060000 +1952-10-27,24.090000,24.090000,24.090000,24.090000,24.090000,1000000 +1952-10-28,24.129999,24.129999,24.129999,24.129999,24.129999,1080000 +1952-10-29,24.150000,24.150000,24.150000,24.150000,24.150000,1020000 +1952-10-30,24.150000,24.150000,24.150000,24.150000,24.150000,1090000 +1952-10-31,24.520000,24.520000,24.520000,24.520000,24.520000,1760000 +1952-11-03,24.600000,24.600000,24.600000,24.600000,24.600000,1670000 +1952-11-05,24.670000,24.670000,24.670000,24.670000,24.670000,2030000 +1952-11-06,24.770000,24.770000,24.770000,24.770000,24.770000,1390000 +1952-11-07,24.780001,24.780001,24.780001,24.780001,24.780001,1540000 +1952-11-10,24.770000,24.770000,24.770000,24.770000,24.770000,1360000 +1952-11-12,24.650000,24.650000,24.650000,24.650000,24.650000,1490000 +1952-11-13,24.709999,24.709999,24.709999,24.709999,24.709999,1330000 +1952-11-14,24.750000,24.750000,24.750000,24.750000,24.750000,1700000 +1952-11-17,24.799999,24.799999,24.799999,24.799999,24.799999,1490000 +1952-11-18,25.160000,25.160000,25.160000,25.160000,25.160000,2250000 +1952-11-19,25.330000,25.330000,25.330000,25.330000,25.330000,2350000 +1952-11-20,25.280001,25.280001,25.280001,25.280001,25.280001,1740000 +1952-11-21,25.270000,25.270000,25.270000,25.270000,25.270000,1760000 +1952-11-24,25.420000,25.420000,25.420000,25.420000,25.420000,2100000 +1952-11-25,25.360001,25.360001,25.360001,25.360001,25.360001,1930000 +1952-11-26,25.520000,25.520000,25.520000,25.520000,25.520000,1920000 +1952-11-28,25.660000,25.660000,25.660000,25.660000,25.660000,2160000 +1952-12-01,25.680000,25.680000,25.680000,25.680000,25.680000,2100000 +1952-12-02,25.740000,25.740000,25.740000,25.740000,25.740000,1610000 +1952-12-03,25.709999,25.709999,25.709999,25.709999,25.709999,1610000 +1952-12-04,25.610001,25.610001,25.610001,25.610001,25.610001,1570000 +1952-12-05,25.620001,25.620001,25.620001,25.620001,25.620001,1510000 +1952-12-08,25.760000,25.760000,25.760000,25.760000,25.760000,1790000 +1952-12-09,25.930000,25.930000,25.930000,25.930000,25.930000,2120000 +1952-12-10,25.980000,25.980000,25.980000,25.980000,25.980000,1880000 +1952-12-11,25.959999,25.959999,25.959999,25.959999,25.959999,1790000 +1952-12-12,26.040001,26.040001,26.040001,26.040001,26.040001,2030000 +1952-12-15,26.040001,26.040001,26.040001,26.040001,26.040001,1940000 +1952-12-16,26.070000,26.070000,26.070000,26.070000,26.070000,1980000 +1952-12-17,26.040001,26.040001,26.040001,26.040001,26.040001,1700000 +1952-12-18,26.030001,26.030001,26.030001,26.030001,26.030001,1860000 +1952-12-19,26.150000,26.150000,26.150000,26.150000,26.150000,2050000 +1952-12-22,26.299999,26.299999,26.299999,26.299999,26.299999,2100000 +1952-12-23,26.190001,26.190001,26.190001,26.190001,26.190001,2100000 +1952-12-24,26.209999,26.209999,26.209999,26.209999,26.209999,1510000 +1952-12-26,26.250000,26.250000,26.250000,26.250000,26.250000,1290000 +1952-12-29,26.400000,26.400000,26.400000,26.400000,26.400000,1820000 +1952-12-30,26.590000,26.590000,26.590000,26.590000,26.590000,2070000 +1952-12-31,26.570000,26.570000,26.570000,26.570000,26.570000,2050000 +1953-01-02,26.540001,26.540001,26.540001,26.540001,26.540001,1450000 +1953-01-05,26.660000,26.660000,26.660000,26.660000,26.660000,2130000 +1953-01-06,26.480000,26.480000,26.480000,26.480000,26.480000,2080000 +1953-01-07,26.370001,26.370001,26.370001,26.370001,26.370001,1760000 +1953-01-08,26.330000,26.330000,26.330000,26.330000,26.330000,1780000 +1953-01-09,26.080000,26.080000,26.080000,26.080000,26.080000,2080000 +1953-01-12,25.860001,25.860001,25.860001,25.860001,25.860001,1500000 +1953-01-13,26.020000,26.020000,26.020000,26.020000,26.020000,1680000 +1953-01-14,26.080000,26.080000,26.080000,26.080000,26.080000,1370000 +1953-01-15,26.129999,26.129999,26.129999,26.129999,26.129999,1450000 +1953-01-16,26.020000,26.020000,26.020000,26.020000,26.020000,1710000 +1953-01-19,26.010000,26.010000,26.010000,26.010000,26.010000,1360000 +1953-01-20,26.139999,26.139999,26.139999,26.139999,26.139999,1490000 +1953-01-21,26.090000,26.090000,26.090000,26.090000,26.090000,1300000 +1953-01-22,26.120001,26.120001,26.120001,26.120001,26.120001,1380000 +1953-01-23,26.070000,26.070000,26.070000,26.070000,26.070000,1340000 +1953-01-26,26.020000,26.020000,26.020000,26.020000,26.020000,1420000 +1953-01-27,26.049999,26.049999,26.049999,26.049999,26.049999,1550000 +1953-01-28,26.129999,26.129999,26.129999,26.129999,26.129999,1640000 +1953-01-29,26.200001,26.200001,26.200001,26.200001,26.200001,1830000 +1953-01-30,26.379999,26.379999,26.379999,26.379999,26.379999,1760000 +1953-02-02,26.510000,26.510000,26.510000,26.510000,26.510000,1890000 +1953-02-03,26.540001,26.540001,26.540001,26.540001,26.540001,1560000 +1953-02-04,26.420000,26.420000,26.420000,26.420000,26.420000,1660000 +1953-02-05,26.150000,26.150000,26.150000,26.150000,26.150000,1900000 +1953-02-06,26.510000,26.510000,26.510000,26.510000,26.510000,1870000 +1953-02-09,25.690001,25.690001,25.690001,25.690001,25.690001,1780000 +1953-02-10,25.620001,25.620001,25.620001,25.620001,25.620001,1350000 +1953-02-11,25.639999,25.639999,25.639999,25.639999,25.639999,1240000 +1953-02-13,25.740000,25.740000,25.740000,25.740000,25.740000,1350000 +1953-02-16,25.650000,25.650000,25.650000,25.650000,25.650000,1330000 +1953-02-17,25.500000,25.500000,25.500000,25.500000,25.500000,1290000 +1953-02-18,25.480000,25.480000,25.480000,25.480000,25.480000,1220000 +1953-02-19,25.570000,25.570000,25.570000,25.570000,25.570000,1390000 +1953-02-20,25.629999,25.629999,25.629999,25.629999,25.629999,1400000 +1953-02-24,25.750000,25.750000,25.750000,25.750000,25.750000,2300000 +1953-02-25,25.910000,25.910000,25.910000,25.910000,25.910000,2360000 +1953-02-26,25.950001,25.950001,25.950001,25.950001,25.950001,2290000 +1953-02-27,25.900000,25.900000,25.900000,25.900000,25.900000,1990000 +1953-03-02,25.930000,25.930000,25.930000,25.930000,25.930000,1760000 +1953-03-03,26.000000,26.000000,26.000000,26.000000,26.000000,1850000 +1953-03-04,25.780001,25.780001,25.780001,25.780001,25.780001,2010000 +1953-03-05,25.790001,25.790001,25.790001,25.790001,25.790001,1540000 +1953-03-06,25.840000,25.840000,25.840000,25.840000,25.840000,1690000 +1953-03-09,25.830000,25.830000,25.830000,25.830000,25.830000,1600000 +1953-03-10,25.910000,25.910000,25.910000,25.910000,25.910000,1530000 +1953-03-11,26.120001,26.120001,26.120001,26.120001,26.120001,1890000 +1953-03-12,26.129999,26.129999,26.129999,26.129999,26.129999,1780000 +1953-03-13,26.180000,26.180000,26.180000,26.180000,26.180000,1760000 +1953-03-16,26.219999,26.219999,26.219999,26.219999,26.219999,1770000 +1953-03-17,26.330000,26.330000,26.330000,26.330000,26.330000,2110000 +1953-03-18,26.240000,26.240000,26.240000,26.240000,26.240000,2110000 +1953-03-19,26.219999,26.219999,26.219999,26.219999,26.219999,1840000 +1953-03-20,26.180000,26.180000,26.180000,26.180000,26.180000,1730000 +1953-03-23,26.020000,26.020000,26.020000,26.020000,26.020000,1750000 +1953-03-24,26.170000,26.170000,26.170000,26.170000,26.170000,1970000 +1953-03-25,26.100000,26.100000,26.100000,26.100000,26.100000,2320000 +1953-03-26,25.950001,25.950001,25.950001,25.950001,25.950001,2000000 +1953-03-27,25.990000,25.990000,25.990000,25.990000,25.990000,1640000 +1953-03-30,25.610001,25.610001,25.610001,25.610001,25.610001,2740000 +1953-03-31,25.290001,25.290001,25.290001,25.290001,25.290001,3120000 +1953-04-01,25.250000,25.250000,25.250000,25.250000,25.250000,2240000 +1953-04-02,25.230000,25.230000,25.230000,25.230000,25.230000,1720000 +1953-04-06,24.610001,24.610001,24.610001,24.610001,24.610001,3050000 +1953-04-07,24.709999,24.709999,24.709999,24.709999,24.709999,2500000 +1953-04-08,24.930000,24.930000,24.930000,24.930000,24.930000,1860000 +1953-04-09,24.879999,24.879999,24.879999,24.879999,24.879999,1520000 +1953-04-10,24.820000,24.820000,24.820000,24.820000,24.820000,1360000 +1953-04-13,24.770000,24.770000,24.770000,24.770000,24.770000,1280000 +1953-04-14,24.860001,24.860001,24.860001,24.860001,24.860001,1480000 +1953-04-15,24.959999,24.959999,24.959999,24.959999,24.959999,1580000 +1953-04-16,24.910000,24.910000,24.910000,24.910000,24.910000,1310000 +1953-04-17,24.620001,24.620001,24.620001,24.620001,24.620001,1430000 +1953-04-20,24.730000,24.730000,24.730000,24.730000,24.730000,1520000 +1953-04-21,24.670000,24.670000,24.670000,24.670000,24.670000,1250000 +1953-04-22,24.459999,24.459999,24.459999,24.459999,24.459999,1390000 +1953-04-23,24.190001,24.190001,24.190001,24.190001,24.190001,1920000 +1953-04-24,24.200001,24.200001,24.200001,24.200001,24.200001,1780000 +1953-04-27,24.340000,24.340000,24.340000,24.340000,24.340000,1400000 +1953-04-28,24.520000,24.520000,24.520000,24.520000,24.520000,1330000 +1953-04-29,24.680000,24.680000,24.680000,24.680000,24.680000,1310000 +1953-04-30,24.620001,24.620001,24.620001,24.620001,24.620001,1140000 +1953-05-01,24.730000,24.730000,24.730000,24.730000,24.730000,1200000 +1953-05-04,25.000000,25.000000,25.000000,25.000000,25.000000,1520000 +1953-05-05,25.030001,25.030001,25.030001,25.030001,25.030001,1290000 +1953-05-06,25.000000,25.000000,25.000000,25.000000,25.000000,1110000 +1953-05-07,24.900000,24.900000,24.900000,24.900000,24.900000,1110000 +1953-05-08,24.900000,24.900000,24.900000,24.900000,24.900000,1220000 +1953-05-11,24.910000,24.910000,24.910000,24.910000,24.910000,1010000 +1953-05-12,24.740000,24.740000,24.740000,24.740000,24.740000,1080000 +1953-05-13,24.709999,24.709999,24.709999,24.709999,24.709999,1120000 +1953-05-14,24.850000,24.850000,24.850000,24.850000,24.850000,1210000 +1953-05-15,24.840000,24.840000,24.840000,24.840000,24.840000,1200000 +1953-05-18,24.750000,24.750000,24.750000,24.750000,24.750000,1080000 +1953-05-19,24.700001,24.700001,24.700001,24.700001,24.700001,1120000 +1953-05-20,24.930000,24.930000,24.930000,24.930000,24.930000,1690000 +1953-05-21,25.059999,25.059999,25.059999,25.059999,25.059999,1590000 +1953-05-22,25.030001,25.030001,25.030001,25.030001,25.030001,1350000 +1953-05-25,24.990000,24.990000,24.990000,24.990000,24.990000,1180000 +1953-05-26,24.870001,24.870001,24.870001,24.870001,24.870001,1160000 +1953-05-27,24.639999,24.639999,24.639999,24.639999,24.639999,1330000 +1953-05-28,24.459999,24.459999,24.459999,24.459999,24.459999,1240000 +1953-05-29,24.540001,24.540001,24.540001,24.540001,24.540001,920000 +1953-06-01,24.150000,24.150000,24.150000,24.150000,24.150000,1490000 +1953-06-02,24.219999,24.219999,24.219999,24.219999,24.219999,1450000 +1953-06-03,24.180000,24.180000,24.180000,24.180000,24.180000,1050000 +1953-06-04,24.030001,24.030001,24.030001,24.030001,24.030001,1400000 +1953-06-05,24.090000,24.090000,24.090000,24.090000,24.090000,1160000 +1953-06-08,24.010000,24.010000,24.010000,24.010000,24.010000,1000000 +1953-06-09,23.600000,23.600000,23.600000,23.600000,23.600000,2200000 +1953-06-10,23.540001,23.540001,23.540001,23.540001,23.540001,1960000 +1953-06-11,23.750000,23.750000,23.750000,23.750000,23.750000,1220000 +1953-06-12,23.820000,23.820000,23.820000,23.820000,23.820000,920000 +1953-06-15,23.620001,23.620001,23.620001,23.620001,23.620001,1090000 +1953-06-16,23.549999,23.549999,23.549999,23.549999,23.549999,1370000 +1953-06-17,23.850000,23.850000,23.850000,23.850000,23.850000,1150000 +1953-06-18,23.840000,23.840000,23.840000,23.840000,23.840000,1010000 +1953-06-19,23.840000,23.840000,23.840000,23.840000,23.840000,890000 +1953-06-22,23.959999,23.959999,23.959999,23.959999,23.959999,1030000 +1953-06-23,24.120001,24.120001,24.120001,24.120001,24.120001,1050000 +1953-06-24,24.090000,24.090000,24.090000,24.090000,24.090000,1030000 +1953-06-25,24.190001,24.190001,24.190001,24.190001,24.190001,1160000 +1953-06-26,24.209999,24.209999,24.209999,24.209999,24.209999,830000 +1953-06-29,24.139999,24.139999,24.139999,24.139999,24.139999,800000 +1953-06-30,24.139999,24.139999,24.139999,24.139999,24.139999,820000 +1953-07-01,24.240000,24.240000,24.240000,24.240000,24.240000,910000 +1953-07-02,24.309999,24.309999,24.309999,24.309999,24.309999,1030000 +1953-07-03,24.360001,24.360001,24.360001,24.360001,24.360001,830000 +1953-07-06,24.379999,24.379999,24.379999,24.379999,24.379999,820000 +1953-07-07,24.510000,24.510000,24.510000,24.510000,24.510000,1030000 +1953-07-08,24.500000,24.500000,24.500000,24.500000,24.500000,950000 +1953-07-09,24.430000,24.430000,24.430000,24.430000,24.430000,910000 +1953-07-10,24.410000,24.410000,24.410000,24.410000,24.410000,860000 +1953-07-13,24.170000,24.170000,24.170000,24.170000,24.170000,1120000 +1953-07-14,24.080000,24.080000,24.080000,24.080000,24.080000,1030000 +1953-07-15,24.150000,24.150000,24.150000,24.150000,24.150000,840000 +1953-07-16,24.180000,24.180000,24.180000,24.180000,24.180000,790000 +1953-07-17,24.350000,24.350000,24.350000,24.350000,24.350000,840000 +1953-07-20,24.219999,24.219999,24.219999,24.219999,24.219999,830000 +1953-07-21,24.160000,24.160000,24.160000,24.160000,24.160000,850000 +1953-07-22,24.190001,24.190001,24.190001,24.190001,24.190001,900000 +1953-07-23,24.230000,24.230000,24.230000,24.230000,24.230000,1000000 +1953-07-24,24.230000,24.230000,24.230000,24.230000,24.230000,890000 +1953-07-27,24.070000,24.070000,24.070000,24.070000,24.070000,1210000 +1953-07-28,24.110001,24.110001,24.110001,24.110001,24.110001,1080000 +1953-07-29,24.260000,24.260000,24.260000,24.260000,24.260000,1000000 +1953-07-30,24.490000,24.490000,24.490000,24.490000,24.490000,1200000 +1953-07-31,24.750000,24.750000,24.750000,24.750000,24.750000,1320000 +1953-08-03,24.840000,24.840000,24.840000,24.840000,24.840000,1160000 +1953-08-04,24.780001,24.780001,24.780001,24.780001,24.780001,1000000 +1953-08-05,24.680000,24.680000,24.680000,24.680000,24.680000,1080000 +1953-08-06,24.799999,24.799999,24.799999,24.799999,24.799999,1200000 +1953-08-07,24.780001,24.780001,24.780001,24.780001,24.780001,950000 +1953-08-10,24.750000,24.750000,24.750000,24.750000,24.750000,1090000 +1953-08-11,24.719999,24.719999,24.719999,24.719999,24.719999,940000 +1953-08-12,24.780001,24.780001,24.780001,24.780001,24.780001,990000 +1953-08-13,24.730000,24.730000,24.730000,24.730000,24.730000,1040000 +1953-08-14,24.620001,24.620001,24.620001,24.620001,24.620001,1000000 +1953-08-17,24.559999,24.559999,24.559999,24.559999,24.559999,910000 +1953-08-18,24.459999,24.459999,24.459999,24.459999,24.459999,1030000 +1953-08-19,24.309999,24.309999,24.309999,24.309999,24.309999,1400000 +1953-08-20,24.290001,24.290001,24.290001,24.290001,24.290001,860000 +1953-08-21,24.350000,24.350000,24.350000,24.350000,24.350000,850000 +1953-08-24,24.090000,24.090000,24.090000,24.090000,24.090000,1320000 +1953-08-25,23.930000,23.930000,23.930000,23.930000,23.930000,1470000 +1953-08-26,23.860001,23.860001,23.860001,23.860001,23.860001,1060000 +1953-08-27,23.790001,23.790001,23.790001,23.790001,23.790001,1290000 +1953-08-28,23.740000,23.740000,23.740000,23.740000,23.740000,1060000 +1953-08-31,23.320000,23.320000,23.320000,23.320000,23.320000,2190000 +1953-09-01,23.420000,23.420000,23.420000,23.420000,23.420000,1580000 +1953-09-02,23.559999,23.559999,23.559999,23.559999,23.559999,1110000 +1953-09-03,23.510000,23.510000,23.510000,23.510000,23.510000,900000 +1953-09-04,23.570000,23.570000,23.570000,23.570000,23.570000,770000 +1953-09-08,23.610001,23.610001,23.610001,23.610001,23.610001,740000 +1953-09-09,23.650000,23.650000,23.650000,23.650000,23.650000,860000 +1953-09-10,23.410000,23.410000,23.410000,23.410000,23.410000,1010000 +1953-09-11,23.139999,23.139999,23.139999,23.139999,23.139999,1930000 +1953-09-14,22.709999,22.709999,22.709999,22.709999,22.709999,2550000 +1953-09-15,22.900000,22.900000,22.900000,22.900000,22.900000,2850000 +1953-09-16,23.010000,23.010000,23.010000,23.010000,23.010000,1570000 +1953-09-17,23.070000,23.070000,23.070000,23.070000,23.070000,1290000 +1953-09-18,22.950001,22.950001,22.950001,22.950001,22.950001,1190000 +1953-09-21,22.879999,22.879999,22.879999,22.879999,22.879999,1070000 +1953-09-22,23.200001,23.200001,23.200001,23.200001,23.200001,1300000 +1953-09-23,23.230000,23.230000,23.230000,23.230000,23.230000,1240000 +1953-09-24,23.240000,23.240000,23.240000,23.240000,23.240000,1020000 +1953-09-25,23.299999,23.299999,23.299999,23.299999,23.299999,910000 +1953-09-28,23.450001,23.450001,23.450001,23.450001,23.450001,1150000 +1953-09-29,23.490000,23.490000,23.490000,23.490000,23.490000,1170000 +1953-09-30,23.350000,23.350000,23.350000,23.350000,23.350000,940000 +1953-10-01,23.490000,23.490000,23.490000,23.490000,23.490000,940000 +1953-10-02,23.590000,23.590000,23.590000,23.590000,23.590000,890000 +1953-10-05,23.480000,23.480000,23.480000,23.480000,23.480000,930000 +1953-10-06,23.389999,23.389999,23.389999,23.389999,23.389999,1100000 +1953-10-07,23.580000,23.580000,23.580000,23.580000,23.580000,1010000 +1953-10-08,23.620001,23.620001,23.620001,23.620001,23.620001,960000 +1953-10-09,23.660000,23.660000,23.660000,23.660000,23.660000,900000 +1953-10-13,23.570000,23.570000,23.570000,23.570000,23.570000,1130000 +1953-10-14,23.680000,23.680000,23.680000,23.680000,23.680000,1290000 +1953-10-15,23.950001,23.950001,23.950001,23.950001,23.950001,1710000 +1953-10-16,24.139999,24.139999,24.139999,24.139999,24.139999,1620000 +1953-10-19,24.160000,24.160000,24.160000,24.160000,24.160000,1190000 +1953-10-20,24.170000,24.170000,24.170000,24.170000,24.170000,1280000 +1953-10-21,24.190001,24.190001,24.190001,24.190001,24.190001,1320000 +1953-10-22,24.299999,24.299999,24.299999,24.299999,24.299999,1330000 +1953-10-23,24.350000,24.350000,24.350000,24.350000,24.350000,1330000 +1953-10-26,24.309999,24.309999,24.309999,24.309999,24.309999,1340000 +1953-10-27,24.260000,24.260000,24.260000,24.260000,24.260000,1170000 +1953-10-28,24.290001,24.290001,24.290001,24.290001,24.290001,1260000 +1953-10-29,24.580000,24.580000,24.580000,24.580000,24.580000,1610000 +1953-10-30,24.540001,24.540001,24.540001,24.540001,24.540001,1400000 +1953-11-02,24.660000,24.660000,24.660000,24.660000,24.660000,1340000 +1953-11-04,24.510000,24.510000,24.510000,24.510000,24.510000,1480000 +1953-11-05,24.639999,24.639999,24.639999,24.639999,24.639999,1720000 +1953-11-06,24.610001,24.610001,24.610001,24.610001,24.610001,1700000 +1953-11-09,24.660000,24.660000,24.660000,24.660000,24.660000,1440000 +1953-11-10,24.370001,24.370001,24.370001,24.370001,24.370001,1340000 +1953-11-12,24.459999,24.459999,24.459999,24.459999,24.459999,1390000 +1953-11-13,24.540001,24.540001,24.540001,24.540001,24.540001,1540000 +1953-11-16,24.379999,24.379999,24.379999,24.379999,24.379999,1490000 +1953-11-17,24.250000,24.250000,24.250000,24.250000,24.250000,1250000 +1953-11-18,24.290001,24.290001,24.290001,24.290001,24.290001,1250000 +1953-11-19,24.400000,24.400000,24.400000,24.400000,24.400000,1420000 +1953-11-20,24.440001,24.440001,24.440001,24.440001,24.440001,1300000 +1953-11-23,24.360001,24.360001,24.360001,24.360001,24.360001,1410000 +1953-11-24,24.500000,24.500000,24.500000,24.500000,24.500000,1470000 +1953-11-25,24.520000,24.520000,24.520000,24.520000,24.520000,1540000 +1953-11-27,24.660000,24.660000,24.660000,24.660000,24.660000,1600000 +1953-11-30,24.760000,24.760000,24.760000,24.760000,24.760000,1960000 +1953-12-01,24.780001,24.780001,24.780001,24.780001,24.780001,1580000 +1953-12-02,24.950001,24.950001,24.950001,24.950001,24.950001,1850000 +1953-12-03,24.969999,24.969999,24.969999,24.969999,24.969999,1740000 +1953-12-04,24.980000,24.980000,24.980000,24.980000,24.980000,1390000 +1953-12-07,24.950001,24.950001,24.950001,24.950001,24.950001,1410000 +1953-12-08,24.870001,24.870001,24.870001,24.870001,24.870001,1390000 +1953-12-09,24.840000,24.840000,24.840000,24.840000,24.840000,1410000 +1953-12-10,24.780001,24.780001,24.780001,24.780001,24.780001,1420000 +1953-12-11,24.760000,24.760000,24.760000,24.760000,24.760000,1440000 +1953-12-14,24.690001,24.690001,24.690001,24.690001,24.690001,1540000 +1953-12-15,24.709999,24.709999,24.709999,24.709999,24.709999,1450000 +1953-12-16,24.959999,24.959999,24.959999,24.959999,24.959999,1880000 +1953-12-17,24.940001,24.940001,24.940001,24.940001,24.940001,1600000 +1953-12-18,24.990000,24.990000,24.990000,24.990000,24.990000,1550000 +1953-12-21,24.950001,24.950001,24.950001,24.950001,24.950001,1690000 +1953-12-22,24.760000,24.760000,24.760000,24.760000,24.760000,1720000 +1953-12-23,24.690001,24.690001,24.690001,24.690001,24.690001,1570000 +1953-12-24,24.799999,24.799999,24.799999,24.799999,24.799999,1270000 +1953-12-28,24.709999,24.709999,24.709999,24.709999,24.709999,1570000 +1953-12-29,24.549999,24.549999,24.549999,24.549999,24.549999,2140000 +1953-12-30,24.760000,24.760000,24.760000,24.760000,24.760000,2050000 +1953-12-31,24.809999,24.809999,24.809999,24.809999,24.809999,2490000 +1954-01-04,24.950001,24.950001,24.950001,24.950001,24.950001,1310000 +1954-01-05,25.100000,25.100000,25.100000,25.100000,25.100000,1520000 +1954-01-06,25.139999,25.139999,25.139999,25.139999,25.139999,1460000 +1954-01-07,25.059999,25.059999,25.059999,25.059999,25.059999,1540000 +1954-01-08,24.930000,24.930000,24.930000,24.930000,24.930000,1260000 +1954-01-11,24.799999,24.799999,24.799999,24.799999,24.799999,1220000 +1954-01-12,24.930000,24.930000,24.930000,24.930000,24.930000,1250000 +1954-01-13,25.070000,25.070000,25.070000,25.070000,25.070000,1420000 +1954-01-14,25.190001,25.190001,25.190001,25.190001,25.190001,1530000 +1954-01-15,25.430000,25.430000,25.430000,25.430000,25.430000,2180000 +1954-01-18,25.430000,25.430000,25.430000,25.430000,25.430000,1580000 +1954-01-19,25.680000,25.680000,25.680000,25.680000,25.680000,1840000 +1954-01-20,25.750000,25.750000,25.750000,25.750000,25.750000,1960000 +1954-01-21,25.790001,25.790001,25.790001,25.790001,25.790001,1780000 +1954-01-22,25.850000,25.850000,25.850000,25.850000,25.850000,1890000 +1954-01-25,25.930000,25.930000,25.930000,25.930000,25.930000,1860000 +1954-01-26,26.090000,26.090000,26.090000,26.090000,26.090000,2120000 +1954-01-27,26.010000,26.010000,26.010000,26.010000,26.010000,2020000 +1954-01-28,26.020000,26.020000,26.020000,26.020000,26.020000,1730000 +1954-01-29,26.080000,26.080000,26.080000,26.080000,26.080000,1950000 +1954-02-01,25.990000,25.990000,25.990000,25.990000,25.990000,1740000 +1954-02-02,25.920000,25.920000,25.920000,25.920000,25.920000,1420000 +1954-02-03,26.010000,26.010000,26.010000,26.010000,26.010000,1690000 +1954-02-04,26.200001,26.200001,26.200001,26.200001,26.200001,2040000 +1954-02-05,26.299999,26.299999,26.299999,26.299999,26.299999,2030000 +1954-02-08,26.230000,26.230000,26.230000,26.230000,26.230000,2180000 +1954-02-09,26.170000,26.170000,26.170000,26.170000,26.170000,1880000 +1954-02-10,26.139999,26.139999,26.139999,26.139999,26.139999,1790000 +1954-02-11,26.059999,26.059999,26.059999,26.059999,26.059999,1860000 +1954-02-12,26.120001,26.120001,26.120001,26.120001,26.120001,1730000 +1954-02-15,26.040001,26.040001,26.040001,26.040001,26.040001,2080000 +1954-02-16,25.809999,25.809999,25.809999,25.809999,25.809999,1870000 +1954-02-17,25.860001,25.860001,25.860001,25.860001,25.860001,1740000 +1954-02-18,25.860001,25.860001,25.860001,25.860001,25.860001,1500000 +1954-02-19,25.920000,25.920000,25.920000,25.920000,25.920000,1510000 +1954-02-23,25.830000,25.830000,25.830000,25.830000,25.830000,1470000 +1954-02-24,25.830000,25.830000,25.830000,25.830000,25.830000,1350000 +1954-02-25,25.910000,25.910000,25.910000,25.910000,25.910000,1470000 +1954-02-26,26.150000,26.150000,26.150000,26.150000,26.150000,1910000 +1954-03-01,26.250000,26.250000,26.250000,26.250000,26.250000,2040000 +1954-03-02,26.320000,26.320000,26.320000,26.320000,26.320000,1980000 +1954-03-03,26.320000,26.320000,26.320000,26.320000,26.320000,2240000 +1954-03-04,26.410000,26.410000,26.410000,26.410000,26.410000,1830000 +1954-03-05,26.520000,26.520000,26.520000,26.520000,26.520000,2030000 +1954-03-08,26.450001,26.450001,26.450001,26.450001,26.450001,1650000 +1954-03-09,26.510000,26.510000,26.510000,26.510000,26.510000,1630000 +1954-03-10,26.570000,26.570000,26.570000,26.570000,26.570000,1870000 +1954-03-11,26.690001,26.690001,26.690001,26.690001,26.690001,2050000 +1954-03-12,26.690001,26.690001,26.690001,26.690001,26.690001,1980000 +1954-03-15,26.570000,26.570000,26.570000,26.570000,26.570000,1680000 +1954-03-16,26.559999,26.559999,26.559999,26.559999,26.559999,1540000 +1954-03-17,26.620001,26.620001,26.620001,26.620001,26.620001,1740000 +1954-03-18,26.730000,26.730000,26.730000,26.730000,26.730000,2020000 +1954-03-19,26.809999,26.809999,26.809999,26.809999,26.809999,1930000 +1954-03-22,26.790001,26.790001,26.790001,26.790001,26.790001,1800000 +1954-03-23,26.600000,26.600000,26.600000,26.600000,26.600000,2180000 +1954-03-24,26.469999,26.469999,26.469999,26.469999,26.469999,1900000 +1954-03-25,26.420000,26.420000,26.420000,26.420000,26.420000,1720000 +1954-03-26,26.559999,26.559999,26.559999,26.559999,26.559999,1550000 +1954-03-29,26.660000,26.660000,26.660000,26.660000,26.660000,1870000 +1954-03-30,26.690001,26.690001,26.690001,26.690001,26.690001,2130000 +1954-03-31,26.940001,26.940001,26.940001,26.940001,26.940001,2690000 +1954-04-01,27.170000,27.170000,27.170000,27.170000,27.170000,2270000 +1954-04-02,27.209999,27.209999,27.209999,27.209999,27.209999,1830000 +1954-04-05,27.260000,27.260000,27.260000,27.260000,27.260000,1710000 +1954-04-06,27.010000,27.010000,27.010000,27.010000,27.010000,2120000 +1954-04-07,27.110001,27.110001,27.110001,27.110001,27.110001,1830000 +1954-04-08,27.379999,27.379999,27.379999,27.379999,27.379999,2300000 +1954-04-09,27.379999,27.379999,27.379999,27.379999,27.379999,2360000 +1954-04-12,27.570000,27.570000,27.570000,27.570000,27.570000,1790000 +1954-04-13,27.639999,27.639999,27.639999,27.639999,27.639999,2020000 +1954-04-14,27.850000,27.850000,27.850000,27.850000,27.850000,2330000 +1954-04-15,27.940001,27.940001,27.940001,27.940001,27.940001,2200000 +1954-04-19,27.760000,27.760000,27.760000,27.760000,27.760000,2430000 +1954-04-20,27.750000,27.750000,27.750000,27.750000,27.750000,1860000 +1954-04-21,27.639999,27.639999,27.639999,27.639999,27.639999,1870000 +1954-04-22,27.680000,27.680000,27.680000,27.680000,27.680000,1750000 +1954-04-23,27.780001,27.780001,27.780001,27.780001,27.780001,1990000 +1954-04-26,27.879999,27.879999,27.879999,27.879999,27.879999,2150000 +1954-04-27,27.709999,27.709999,27.709999,27.709999,27.709999,1970000 +1954-04-28,27.760000,27.760000,27.760000,27.760000,27.760000,2120000 +1954-04-29,28.180000,28.180000,28.180000,28.180000,28.180000,2150000 +1954-04-30,28.260000,28.260000,28.260000,28.260000,28.260000,2450000 +1954-05-03,28.209999,28.209999,28.209999,28.209999,28.209999,1870000 +1954-05-04,28.280001,28.280001,28.280001,28.280001,28.280001,1990000 +1954-05-05,28.290001,28.290001,28.290001,28.290001,28.290001,2020000 +1954-05-06,28.510000,28.510000,28.510000,28.510000,28.510000,1980000 +1954-05-07,28.650000,28.650000,28.650000,28.650000,28.650000,2070000 +1954-05-10,28.620001,28.620001,28.620001,28.620001,28.620001,1800000 +1954-05-11,28.490000,28.490000,28.490000,28.490000,28.490000,1770000 +1954-05-12,28.719999,28.719999,28.719999,28.719999,28.719999,2210000 +1954-05-13,28.559999,28.559999,28.559999,28.559999,28.559999,2340000 +1954-05-14,28.799999,28.799999,28.799999,28.799999,28.799999,1970000 +1954-05-17,28.840000,28.840000,28.840000,28.840000,28.840000,2040000 +1954-05-18,28.850000,28.850000,28.850000,28.850000,28.850000,2250000 +1954-05-19,28.719999,28.719999,28.719999,28.719999,28.719999,2170000 +1954-05-20,28.820000,28.820000,28.820000,28.820000,28.820000,2070000 +1954-05-21,28.990000,28.990000,28.990000,28.990000,28.990000,2620000 +1954-05-24,29.000000,29.000000,29.000000,29.000000,29.000000,2330000 +1954-05-25,28.930000,28.930000,28.930000,28.930000,28.930000,2050000 +1954-05-26,29.170000,29.170000,29.170000,29.170000,29.170000,2180000 +1954-05-27,29.049999,29.049999,29.049999,29.049999,29.049999,2230000 +1954-05-28,29.190001,29.190001,29.190001,29.190001,29.190001,1940000 +1954-06-01,29.190001,29.190001,29.190001,29.190001,29.190001,1850000 +1954-06-02,29.160000,29.160000,29.160000,29.160000,29.160000,1930000 +1954-06-03,29.150000,29.150000,29.150000,29.150000,29.150000,1810000 +1954-06-04,29.100000,29.100000,29.100000,29.100000,29.100000,1720000 +1954-06-07,28.990000,28.990000,28.990000,28.990000,28.990000,1520000 +1954-06-08,28.340000,28.340000,28.340000,28.340000,28.340000,2540000 +1954-06-09,28.150000,28.150000,28.150000,28.150000,28.150000,2360000 +1954-06-10,28.340000,28.340000,28.340000,28.340000,28.340000,1610000 +1954-06-11,28.580000,28.580000,28.580000,28.580000,28.580000,1630000 +1954-06-14,28.620001,28.620001,28.620001,28.620001,28.620001,1420000 +1954-06-15,28.830000,28.830000,28.830000,28.830000,28.830000,1630000 +1954-06-16,29.040001,29.040001,29.040001,29.040001,29.040001,2070000 +1954-06-17,28.959999,28.959999,28.959999,28.959999,28.959999,1810000 +1954-06-18,29.040001,29.040001,29.040001,29.040001,29.040001,1580000 +1954-06-21,29.059999,29.059999,29.059999,29.059999,29.059999,1820000 +1954-06-22,29.080000,29.080000,29.080000,29.080000,29.080000,2100000 +1954-06-23,29.129999,29.129999,29.129999,29.129999,29.129999,2090000 +1954-06-24,29.260000,29.260000,29.260000,29.260000,29.260000,2260000 +1954-06-25,29.200001,29.200001,29.200001,29.200001,29.200001,2060000 +1954-06-28,29.280001,29.280001,29.280001,29.280001,29.280001,1890000 +1954-06-29,29.430000,29.430000,29.430000,29.430000,29.430000,2580000 +1954-06-30,29.209999,29.209999,29.209999,29.209999,29.209999,1950000 +1954-07-01,29.209999,29.209999,29.209999,29.209999,29.209999,1860000 +1954-07-02,29.590000,29.590000,29.590000,29.590000,29.590000,1980000 +1954-07-06,29.920000,29.920000,29.920000,29.920000,29.920000,2560000 +1954-07-07,29.940001,29.940001,29.940001,29.940001,29.940001,2380000 +1954-07-08,29.940001,29.940001,29.940001,29.940001,29.940001,2080000 +1954-07-09,30.139999,30.139999,30.139999,30.139999,30.139999,2240000 +1954-07-12,30.120001,30.120001,30.120001,30.120001,30.120001,2330000 +1954-07-13,30.020000,30.020000,30.020000,30.020000,30.020000,2430000 +1954-07-14,30.090000,30.090000,30.090000,30.090000,30.090000,2520000 +1954-07-15,30.190001,30.190001,30.190001,30.190001,30.190001,3000000 +1954-07-16,30.059999,30.059999,30.059999,30.059999,30.059999,2540000 +1954-07-19,29.980000,29.980000,29.980000,29.980000,29.980000,2370000 +1954-07-20,29.840000,29.840000,29.840000,29.840000,29.840000,2580000 +1954-07-21,30.030001,30.030001,30.030001,30.030001,30.030001,2510000 +1954-07-22,30.270000,30.270000,30.270000,30.270000,30.270000,2890000 +1954-07-23,30.309999,30.309999,30.309999,30.309999,30.309999,2520000 +1954-07-26,30.340000,30.340000,30.340000,30.340000,30.340000,2110000 +1954-07-27,30.520000,30.520000,30.520000,30.520000,30.520000,2690000 +1954-07-28,30.580000,30.580000,30.580000,30.580000,30.580000,2740000 +1954-07-29,30.690001,30.690001,30.690001,30.690001,30.690001,2710000 +1954-07-30,30.879999,30.879999,30.879999,30.879999,30.879999,2800000 +1954-08-02,30.990000,30.990000,30.990000,30.990000,30.990000,2850000 +1954-08-03,30.930000,30.930000,30.930000,30.930000,30.930000,2970000 +1954-08-04,30.900000,30.900000,30.900000,30.900000,30.900000,3620000 +1954-08-05,30.770000,30.770000,30.770000,30.770000,30.770000,3150000 +1954-08-06,30.379999,30.379999,30.379999,30.379999,30.379999,3350000 +1954-08-09,30.120001,30.120001,30.120001,30.120001,30.120001,2280000 +1954-08-10,30.370001,30.370001,30.370001,30.370001,30.370001,2890000 +1954-08-11,30.719999,30.719999,30.719999,30.719999,30.719999,3440000 +1954-08-12,30.590000,30.590000,30.590000,30.590000,30.590000,2680000 +1954-08-13,30.719999,30.719999,30.719999,30.719999,30.719999,2500000 +1954-08-16,31.049999,31.049999,31.049999,31.049999,31.049999,2760000 +1954-08-17,31.120001,31.120001,31.120001,31.120001,31.120001,2900000 +1954-08-18,31.090000,31.090000,31.090000,31.090000,31.090000,2390000 +1954-08-19,31.160000,31.160000,31.160000,31.160000,31.160000,2320000 +1954-08-20,31.209999,31.209999,31.209999,31.209999,31.209999,2110000 +1954-08-23,31.000000,31.000000,31.000000,31.000000,31.000000,2020000 +1954-08-24,30.870001,30.870001,30.870001,30.870001,30.870001,2000000 +1954-08-25,30.650000,30.650000,30.650000,30.650000,30.650000,2280000 +1954-08-26,30.570000,30.570000,30.570000,30.570000,30.570000,2060000 +1954-08-27,30.660000,30.660000,30.660000,30.660000,30.660000,1740000 +1954-08-30,30.350000,30.350000,30.350000,30.350000,30.350000,1950000 +1954-08-31,29.830000,29.830000,29.830000,29.830000,29.830000,2640000 +1954-09-01,30.040001,30.040001,30.040001,30.040001,30.040001,1790000 +1954-09-02,30.270000,30.270000,30.270000,30.270000,30.270000,1600000 +1954-09-03,30.500000,30.500000,30.500000,30.500000,30.500000,1630000 +1954-09-07,30.660000,30.660000,30.660000,30.660000,30.660000,1860000 +1954-09-08,30.680000,30.680000,30.680000,30.680000,30.680000,1970000 +1954-09-09,30.730000,30.730000,30.730000,30.730000,30.730000,1700000 +1954-09-10,30.840000,30.840000,30.840000,30.840000,30.840000,1870000 +1954-09-13,31.120001,31.120001,31.120001,31.120001,31.120001,2030000 +1954-09-14,31.280001,31.280001,31.280001,31.280001,31.280001,2120000 +1954-09-15,31.290001,31.290001,31.290001,31.290001,31.290001,2110000 +1954-09-16,31.459999,31.459999,31.459999,31.459999,31.459999,1880000 +1954-09-17,31.709999,31.709999,31.709999,31.709999,31.709999,2250000 +1954-09-20,31.570000,31.570000,31.570000,31.570000,31.570000,2060000 +1954-09-21,31.790001,31.790001,31.790001,31.790001,31.790001,1770000 +1954-09-22,32.000000,32.000000,32.000000,32.000000,32.000000,2260000 +1954-09-23,32.180000,32.180000,32.180000,32.180000,32.180000,2340000 +1954-09-24,32.400002,32.400002,32.400002,32.400002,32.400002,2340000 +1954-09-27,32.529999,32.529999,32.529999,32.529999,32.529999,2190000 +1954-09-28,32.689999,32.689999,32.689999,32.689999,32.689999,1800000 +1954-09-29,32.500000,32.500000,32.500000,32.500000,32.500000,1810000 +1954-09-30,32.310001,32.310001,32.310001,32.310001,32.310001,1840000 +1954-10-01,32.290001,32.290001,32.290001,32.290001,32.290001,1850000 +1954-10-04,32.470001,32.470001,32.470001,32.470001,32.470001,2000000 +1954-10-05,32.630001,32.630001,32.630001,32.630001,32.630001,2300000 +1954-10-06,32.759998,32.759998,32.759998,32.759998,32.759998,2570000 +1954-10-07,32.689999,32.689999,32.689999,32.689999,32.689999,1810000 +1954-10-08,32.669998,32.669998,32.669998,32.669998,32.669998,2120000 +1954-10-11,32.410000,32.410000,32.410000,32.410000,32.410000,2100000 +1954-10-12,32.279999,32.279999,32.279999,32.279999,32.279999,1620000 +1954-10-13,32.270000,32.270000,32.270000,32.270000,32.270000,2070000 +1954-10-14,31.879999,31.879999,31.879999,31.879999,31.879999,2540000 +1954-10-15,31.709999,31.709999,31.709999,31.709999,31.709999,2250000 +1954-10-18,31.830000,31.830000,31.830000,31.830000,31.830000,1790000 +1954-10-19,31.910000,31.910000,31.910000,31.910000,31.910000,1900000 +1954-10-20,32.169998,32.169998,32.169998,32.169998,32.169998,2380000 +1954-10-21,32.130001,32.130001,32.130001,32.130001,32.130001,2320000 +1954-10-22,32.130001,32.130001,32.130001,32.130001,32.130001,2080000 +1954-10-25,31.959999,31.959999,31.959999,31.959999,31.959999,2340000 +1954-10-26,31.940001,31.940001,31.940001,31.940001,31.940001,2010000 +1954-10-27,32.020000,32.020000,32.020000,32.020000,32.020000,2030000 +1954-10-28,31.879999,31.879999,31.879999,31.879999,31.879999,2190000 +1954-10-29,31.680000,31.680000,31.680000,31.680000,31.680000,1900000 +1954-11-01,31.790001,31.790001,31.790001,31.790001,31.790001,1790000 +1954-11-03,32.439999,32.439999,32.439999,32.439999,32.439999,2700000 +1954-11-04,32.820000,32.820000,32.820000,32.820000,32.820000,3140000 +1954-11-05,32.709999,32.709999,32.709999,32.709999,32.709999,2950000 +1954-11-08,33.020000,33.020000,33.020000,33.020000,33.020000,3180000 +1954-11-09,33.150002,33.150002,33.150002,33.150002,33.150002,3240000 +1954-11-10,33.180000,33.180000,33.180000,33.180000,33.180000,2070000 +1954-11-11,33.470001,33.470001,33.470001,33.470001,33.470001,2960000 +1954-11-12,33.540001,33.540001,33.540001,33.540001,33.540001,3720000 +1954-11-15,33.470001,33.470001,33.470001,33.470001,33.470001,3080000 +1954-11-16,33.570000,33.570000,33.570000,33.570000,33.570000,3260000 +1954-11-17,33.630001,33.630001,33.630001,33.630001,33.630001,3830000 +1954-11-18,33.439999,33.439999,33.439999,33.439999,33.439999,3530000 +1954-11-19,33.450001,33.450001,33.450001,33.450001,33.450001,3130000 +1954-11-22,33.580002,33.580002,33.580002,33.580002,33.580002,3000000 +1954-11-23,34.029999,34.029999,34.029999,34.029999,34.029999,3690000 +1954-11-24,34.220001,34.220001,34.220001,34.220001,34.220001,3990000 +1954-11-26,34.549999,34.549999,34.549999,34.549999,34.549999,3010000 +1954-11-29,34.540001,34.540001,34.540001,34.540001,34.540001,3300000 +1954-11-30,34.240002,34.240002,34.240002,34.240002,34.240002,3440000 +1954-12-01,33.990002,33.990002,33.990002,33.990002,33.990002,3100000 +1954-12-02,34.180000,34.180000,34.180000,34.180000,34.180000,3190000 +1954-12-03,34.490002,34.490002,34.490002,34.490002,34.490002,3790000 +1954-12-06,34.759998,34.759998,34.759998,34.759998,34.759998,3960000 +1954-12-07,34.919998,34.919998,34.919998,34.919998,34.919998,3820000 +1954-12-08,34.860001,34.860001,34.860001,34.860001,34.860001,4150000 +1954-12-09,34.689999,34.689999,34.689999,34.689999,34.689999,3300000 +1954-12-10,34.560001,34.560001,34.560001,34.560001,34.560001,3250000 +1954-12-13,34.590000,34.590000,34.590000,34.590000,34.590000,2750000 +1954-12-14,34.349998,34.349998,34.349998,34.349998,34.349998,2650000 +1954-12-15,34.560001,34.560001,34.560001,34.560001,34.560001,2740000 +1954-12-16,34.930000,34.930000,34.930000,34.930000,34.930000,3390000 +1954-12-17,35.919998,35.919998,35.919998,35.919998,35.919998,3730000 +1954-12-20,35.330002,35.330002,35.330002,35.330002,35.330002,3770000 +1954-12-21,35.380001,35.380001,35.380001,35.380001,35.380001,3630000 +1954-12-22,35.340000,35.340000,35.340000,35.340000,35.340000,3460000 +1954-12-23,35.369999,35.369999,35.369999,35.369999,35.369999,3310000 +1954-12-27,35.070000,35.070000,35.070000,35.070000,35.070000,2970000 +1954-12-28,35.430000,35.430000,35.430000,35.430000,35.430000,3660000 +1954-12-29,35.740002,35.740002,35.740002,35.740002,35.740002,4430000 +1954-12-30,35.740002,35.740002,35.740002,35.740002,35.740002,3590000 +1954-12-31,35.980000,35.980000,35.980000,35.980000,35.980000,3840000 +1955-01-03,36.750000,36.750000,36.750000,36.750000,36.750000,4570000 +1955-01-04,36.419998,36.419998,36.419998,36.419998,36.419998,4420000 +1955-01-05,35.520000,35.520000,35.520000,35.520000,35.520000,4640000 +1955-01-06,35.040001,35.040001,35.040001,35.040001,35.040001,5300000 +1955-01-07,35.330002,35.330002,35.330002,35.330002,35.330002,4030000 +1955-01-10,35.790001,35.790001,35.790001,35.790001,35.790001,4300000 +1955-01-11,35.680000,35.680000,35.680000,35.680000,35.680000,3680000 +1955-01-12,35.580002,35.580002,35.580002,35.580002,35.580002,3400000 +1955-01-13,35.430000,35.430000,35.430000,35.430000,35.430000,3350000 +1955-01-14,35.279999,35.279999,35.279999,35.279999,35.279999,2630000 +1955-01-17,34.580002,34.580002,34.580002,34.580002,34.580002,3360000 +1955-01-18,34.799999,34.799999,34.799999,34.799999,34.799999,3020000 +1955-01-19,34.959999,34.959999,34.959999,34.959999,34.959999,2760000 +1955-01-20,35.130001,35.130001,35.130001,35.130001,35.130001,2210000 +1955-01-21,35.439999,35.439999,35.439999,35.439999,35.439999,2690000 +1955-01-24,35.520000,35.520000,35.520000,35.520000,35.520000,2910000 +1955-01-25,35.509998,35.509998,35.509998,35.509998,35.509998,3230000 +1955-01-26,35.950001,35.950001,35.950001,35.950001,35.950001,3860000 +1955-01-27,35.990002,35.990002,35.990002,35.990002,35.990002,3500000 +1955-01-28,36.189999,36.189999,36.189999,36.189999,36.189999,3290000 +1955-01-31,36.630001,36.630001,36.630001,36.630001,36.630001,3500000 +1955-02-01,36.720001,36.720001,36.720001,36.720001,36.720001,3320000 +1955-02-02,36.610001,36.610001,36.610001,36.610001,36.610001,3210000 +1955-02-03,36.439999,36.439999,36.439999,36.439999,36.439999,2890000 +1955-02-04,36.959999,36.959999,36.959999,36.959999,36.959999,3370000 +1955-02-07,36.959999,36.959999,36.959999,36.959999,36.959999,3610000 +1955-02-08,36.459999,36.459999,36.459999,36.459999,36.459999,3400000 +1955-02-09,36.750000,36.750000,36.750000,36.750000,36.750000,3360000 +1955-02-10,37.080002,37.080002,37.080002,37.080002,37.080002,3460000 +1955-02-11,37.150002,37.150002,37.150002,37.150002,37.150002,3260000 +1955-02-14,36.889999,36.889999,36.889999,36.889999,36.889999,2950000 +1955-02-15,36.889999,36.889999,36.889999,36.889999,36.889999,3510000 +1955-02-16,36.770000,36.770000,36.770000,36.770000,36.770000,3660000 +1955-02-17,36.840000,36.840000,36.840000,36.840000,36.840000,3030000 +1955-02-18,36.889999,36.889999,36.889999,36.889999,36.889999,3660000 +1955-02-21,36.849998,36.849998,36.849998,36.849998,36.849998,3010000 +1955-02-23,36.820000,36.820000,36.820000,36.820000,36.820000,3030000 +1955-02-24,36.619999,36.619999,36.619999,36.619999,36.619999,2920000 +1955-02-25,36.570000,36.570000,36.570000,36.570000,36.570000,2540000 +1955-02-28,36.759998,36.759998,36.759998,36.759998,36.759998,2620000 +1955-03-01,36.830002,36.830002,36.830002,36.830002,36.830002,2830000 +1955-03-02,37.150002,37.150002,37.150002,37.150002,37.150002,3370000 +1955-03-03,37.290001,37.290001,37.290001,37.290001,37.290001,3330000 +1955-03-04,37.520000,37.520000,37.520000,37.520000,37.520000,2770000 +1955-03-07,37.279999,37.279999,37.279999,37.279999,37.279999,2630000 +1955-03-08,36.580002,36.580002,36.580002,36.580002,36.580002,3160000 +1955-03-09,36.220001,36.220001,36.220001,36.220001,36.220001,3590000 +1955-03-10,36.450001,36.450001,36.450001,36.450001,36.450001,2760000 +1955-03-11,35.820000,35.820000,35.820000,35.820000,35.820000,3040000 +1955-03-14,34.959999,34.959999,34.959999,34.959999,34.959999,4220000 +1955-03-15,35.709999,35.709999,35.709999,35.709999,35.709999,3160000 +1955-03-16,35.980000,35.980000,35.980000,35.980000,35.980000,2900000 +1955-03-17,36.119999,36.119999,36.119999,36.119999,36.119999,2200000 +1955-03-18,36.180000,36.180000,36.180000,36.180000,36.180000,2050000 +1955-03-21,35.950001,35.950001,35.950001,35.950001,35.950001,2020000 +1955-03-22,36.169998,36.169998,36.169998,36.169998,36.169998,1910000 +1955-03-23,36.639999,36.639999,36.639999,36.639999,36.639999,2730000 +1955-03-24,36.930000,36.930000,36.930000,36.930000,36.930000,3170000 +1955-03-25,36.959999,36.959999,36.959999,36.959999,36.959999,2540000 +1955-03-28,36.830002,36.830002,36.830002,36.830002,36.830002,2540000 +1955-03-29,36.849998,36.849998,36.849998,36.849998,36.849998,2770000 +1955-03-30,36.520000,36.520000,36.520000,36.520000,36.520000,3410000 +1955-03-31,36.580002,36.580002,36.580002,36.580002,36.580002,2680000 +1955-04-01,36.950001,36.950001,36.950001,36.950001,36.950001,2660000 +1955-04-04,36.830002,36.830002,36.830002,36.830002,36.830002,2500000 +1955-04-05,36.980000,36.980000,36.980000,36.980000,36.980000,2100000 +1955-04-06,37.169998,37.169998,37.169998,37.169998,37.169998,2500000 +1955-04-07,37.340000,37.340000,37.340000,37.340000,37.340000,2330000 +1955-04-11,37.439999,37.439999,37.439999,37.439999,37.439999,2680000 +1955-04-12,37.660000,37.660000,37.660000,37.660000,37.660000,2770000 +1955-04-13,37.709999,37.709999,37.709999,37.709999,37.709999,2820000 +1955-04-14,37.790001,37.790001,37.790001,37.790001,37.790001,2890000 +1955-04-15,37.959999,37.959999,37.959999,37.959999,37.959999,3180000 +1955-04-18,38.270000,38.270000,38.270000,38.270000,38.270000,3080000 +1955-04-19,38.220001,38.220001,38.220001,38.220001,38.220001,2700000 +1955-04-20,38.279999,38.279999,38.279999,38.279999,38.279999,3090000 +1955-04-21,38.320000,38.320000,38.320000,38.320000,38.320000,2810000 +1955-04-22,38.009998,38.009998,38.009998,38.009998,38.009998,2800000 +1955-04-25,38.110001,38.110001,38.110001,38.110001,38.110001,2720000 +1955-04-26,38.310001,38.310001,38.310001,38.310001,38.310001,2720000 +1955-04-27,38.110001,38.110001,38.110001,38.110001,38.110001,2660000 +1955-04-28,37.680000,37.680000,37.680000,37.680000,37.680000,2550000 +1955-04-29,37.959999,37.959999,37.959999,37.959999,37.959999,2230000 +1955-05-02,38.040001,38.040001,38.040001,38.040001,38.040001,2220000 +1955-05-03,37.700001,37.700001,37.700001,37.700001,37.700001,2630000 +1955-05-04,37.639999,37.639999,37.639999,37.639999,37.639999,2220000 +1955-05-05,37.820000,37.820000,37.820000,37.820000,37.820000,2270000 +1955-05-06,37.889999,37.889999,37.889999,37.889999,37.889999,2250000 +1955-05-09,37.930000,37.930000,37.930000,37.930000,37.930000,2090000 +1955-05-10,37.849998,37.849998,37.849998,37.849998,37.849998,2150000 +1955-05-11,37.419998,37.419998,37.419998,37.419998,37.419998,2120000 +1955-05-12,37.200001,37.200001,37.200001,37.200001,37.200001,2830000 +1955-05-13,37.439999,37.439999,37.439999,37.439999,37.439999,1860000 +1955-05-16,37.020000,37.020000,37.020000,37.020000,37.020000,2160000 +1955-05-17,36.970001,36.970001,36.970001,36.970001,36.970001,1900000 +1955-05-18,37.279999,37.279999,37.279999,37.279999,37.279999,2010000 +1955-05-19,37.490002,37.490002,37.490002,37.490002,37.490002,2380000 +1955-05-20,37.740002,37.740002,37.740002,37.740002,37.740002,2240000 +1955-05-23,37.480000,37.480000,37.480000,37.480000,37.480000,1900000 +1955-05-24,37.459999,37.459999,37.459999,37.459999,37.459999,1650000 +1955-05-25,37.599998,37.599998,37.599998,37.599998,37.599998,2100000 +1955-05-26,37.849998,37.849998,37.849998,37.849998,37.849998,2260000 +1955-05-27,37.930000,37.930000,37.930000,37.930000,37.930000,2220000 +1955-05-31,37.910000,37.910000,37.910000,37.910000,37.910000,1990000 +1955-06-01,37.959999,37.959999,37.959999,37.959999,37.959999,2510000 +1955-06-02,38.009998,38.009998,38.009998,38.009998,38.009998,2610000 +1955-06-03,38.369999,38.369999,38.369999,38.369999,38.369999,2590000 +1955-06-06,39.689999,39.689999,39.689999,39.689999,39.689999,2560000 +1955-06-07,39.959999,39.959999,39.959999,39.959999,39.959999,3230000 +1955-06-08,39.220001,39.220001,39.220001,39.220001,39.220001,3300000 +1955-06-09,39.009998,39.009998,39.009998,39.009998,39.009998,2960000 +1955-06-10,39.250000,39.250000,39.250000,39.250000,39.250000,2470000 +1955-06-13,39.619999,39.619999,39.619999,39.619999,39.619999,2770000 +1955-06-14,39.669998,39.669998,39.669998,39.669998,39.669998,2860000 +1955-06-15,39.889999,39.889999,39.889999,39.889999,39.889999,2650000 +1955-06-16,39.959999,39.959999,39.959999,39.959999,39.959999,2760000 +1955-06-17,40.099998,40.099998,40.099998,40.099998,40.099998,2340000 +1955-06-20,40.139999,40.139999,40.139999,40.139999,40.139999,2490000 +1955-06-21,40.509998,40.509998,40.509998,40.509998,40.509998,2720000 +1955-06-22,40.599998,40.599998,40.599998,40.599998,40.599998,3010000 +1955-06-23,40.750000,40.750000,40.750000,40.750000,40.750000,2900000 +1955-06-24,40.959999,40.959999,40.959999,40.959999,40.959999,2410000 +1955-06-27,40.990002,40.990002,40.990002,40.990002,40.990002,2250000 +1955-06-28,40.770000,40.770000,40.770000,40.770000,40.770000,2180000 +1955-06-29,40.790001,40.790001,40.790001,40.790001,40.790001,2180000 +1955-06-30,41.029999,41.029999,41.029999,41.029999,41.029999,2370000 +1955-07-01,41.189999,41.189999,41.189999,41.189999,41.189999,2540000 +1955-07-05,41.689999,41.689999,41.689999,41.689999,41.689999,2680000 +1955-07-06,43.180000,43.180000,43.180000,43.180000,43.180000,3140000 +1955-07-07,42.580002,42.580002,42.580002,42.580002,42.580002,3300000 +1955-07-08,42.639999,42.639999,42.639999,42.639999,42.639999,2450000 +1955-07-11,42.750000,42.750000,42.750000,42.750000,42.750000,2420000 +1955-07-12,42.750000,42.750000,42.750000,42.750000,42.750000,2630000 +1955-07-13,42.240002,42.240002,42.240002,42.240002,42.240002,2360000 +1955-07-14,42.250000,42.250000,42.250000,42.250000,42.250000,1980000 +1955-07-15,42.400002,42.400002,42.400002,42.400002,42.400002,2230000 +1955-07-18,42.360001,42.360001,42.360001,42.360001,42.360001,2160000 +1955-07-19,42.099998,42.099998,42.099998,42.099998,42.099998,2300000 +1955-07-20,42.230000,42.230000,42.230000,42.230000,42.230000,2080000 +1955-07-21,42.639999,42.639999,42.639999,42.639999,42.639999,2530000 +1955-07-22,43.000000,43.000000,43.000000,43.000000,43.000000,2500000 +1955-07-25,43.480000,43.480000,43.480000,43.480000,43.480000,2500000 +1955-07-26,43.580002,43.580002,43.580002,43.580002,43.580002,2340000 +1955-07-27,43.759998,43.759998,43.759998,43.759998,43.759998,2170000 +1955-07-28,43.500000,43.500000,43.500000,43.500000,43.500000,2090000 +1955-07-29,43.520000,43.520000,43.520000,43.520000,43.520000,2070000 +1955-08-01,42.930000,42.930000,42.930000,42.930000,42.930000,2190000 +1955-08-02,43.029999,43.029999,43.029999,43.029999,43.029999,2260000 +1955-08-03,43.090000,43.090000,43.090000,43.090000,43.090000,2190000 +1955-08-04,42.360001,42.360001,42.360001,42.360001,42.360001,2210000 +1955-08-05,42.560001,42.560001,42.560001,42.560001,42.560001,1690000 +1955-08-08,42.310001,42.310001,42.310001,42.310001,42.310001,1730000 +1955-08-09,41.750000,41.750000,41.750000,41.750000,41.750000,2240000 +1955-08-10,41.740002,41.740002,41.740002,41.740002,41.740002,1580000 +1955-08-11,42.130001,42.130001,42.130001,42.130001,42.130001,1620000 +1955-08-12,42.209999,42.209999,42.209999,42.209999,42.209999,1530000 +1955-08-15,42.169998,42.169998,42.169998,42.169998,42.169998,1230000 +1955-08-16,41.860001,41.860001,41.860001,41.860001,41.860001,1520000 +1955-08-17,41.900002,41.900002,41.900002,41.900002,41.900002,1570000 +1955-08-18,41.840000,41.840000,41.840000,41.840000,41.840000,1560000 +1955-08-19,42.020000,42.020000,42.020000,42.020000,42.020000,1400000 +1955-08-22,41.980000,41.980000,41.980000,41.980000,41.980000,1430000 +1955-08-23,42.549999,42.549999,42.549999,42.549999,42.549999,1890000 +1955-08-24,42.610001,42.610001,42.610001,42.610001,42.610001,2140000 +1955-08-25,42.799999,42.799999,42.799999,42.799999,42.799999,2120000 +1955-08-26,42.990002,42.990002,42.990002,42.990002,42.990002,2200000 +1955-08-29,42.959999,42.959999,42.959999,42.959999,42.959999,1910000 +1955-08-30,42.919998,42.919998,42.919998,42.919998,42.919998,1740000 +1955-08-31,43.180000,43.180000,43.180000,43.180000,43.180000,1850000 +1955-09-01,43.369999,43.369999,43.369999,43.369999,43.369999,1860000 +1955-09-02,43.599998,43.599998,43.599998,43.599998,43.599998,1700000 +1955-09-06,43.860001,43.860001,43.860001,43.860001,43.860001,2360000 +1955-09-07,43.849998,43.849998,43.849998,43.849998,43.849998,2380000 +1955-09-08,43.880001,43.880001,43.880001,43.880001,43.880001,2470000 +1955-09-09,43.889999,43.889999,43.889999,43.889999,43.889999,2480000 +1955-09-12,44.189999,44.189999,44.189999,44.189999,44.189999,2520000 +1955-09-13,44.799999,44.799999,44.799999,44.799999,44.799999,2580000 +1955-09-14,44.990002,44.990002,44.990002,44.990002,44.990002,2570000 +1955-09-15,44.750000,44.750000,44.750000,44.750000,44.750000,2890000 +1955-09-16,45.090000,45.090000,45.090000,45.090000,45.090000,2540000 +1955-09-19,45.160000,45.160000,45.160000,45.160000,45.160000,2390000 +1955-09-20,45.130001,45.130001,45.130001,45.130001,45.130001,2090000 +1955-09-21,45.389999,45.389999,45.389999,45.389999,45.389999,2460000 +1955-09-22,45.389999,45.389999,45.389999,45.389999,45.389999,2550000 +1955-09-23,45.630001,45.630001,45.630001,45.630001,45.630001,2540000 +1955-09-26,42.610001,42.610001,42.610001,42.610001,42.610001,7720000 +1955-09-27,43.580002,43.580002,43.580002,43.580002,43.580002,5500000 +1955-09-28,44.310001,44.310001,44.310001,44.310001,44.310001,3780000 +1955-09-29,44.029999,44.029999,44.029999,44.029999,44.029999,2560000 +1955-09-30,43.669998,43.669998,43.669998,43.669998,43.669998,2140000 +1955-10-03,42.490002,42.490002,42.490002,42.490002,42.490002,2720000 +1955-10-04,42.820000,42.820000,42.820000,42.820000,42.820000,2020000 +1955-10-05,42.990002,42.990002,42.990002,42.990002,42.990002,1920000 +1955-10-06,42.700001,42.700001,42.700001,42.700001,42.700001,1690000 +1955-10-07,42.380001,42.380001,42.380001,42.380001,42.380001,2150000 +1955-10-10,41.150002,41.150002,41.150002,41.150002,41.150002,3100000 +1955-10-11,40.799999,40.799999,40.799999,40.799999,40.799999,3590000 +1955-10-12,41.520000,41.520000,41.520000,41.520000,41.520000,1900000 +1955-10-13,41.389999,41.389999,41.389999,41.389999,41.389999,1980000 +1955-10-14,41.220001,41.220001,41.220001,41.220001,41.220001,1640000 +1955-10-17,41.349998,41.349998,41.349998,41.349998,41.349998,1480000 +1955-10-18,41.650002,41.650002,41.650002,41.650002,41.650002,1550000 +1955-10-19,42.070000,42.070000,42.070000,42.070000,42.070000,1760000 +1955-10-20,42.590000,42.590000,42.590000,42.590000,42.590000,2160000 +1955-10-21,42.590000,42.590000,42.590000,42.590000,42.590000,1710000 +1955-10-24,42.910000,42.910000,42.910000,42.910000,42.910000,1820000 +1955-10-25,42.630001,42.630001,42.630001,42.630001,42.630001,1950000 +1955-10-26,42.290001,42.290001,42.290001,42.290001,42.290001,1660000 +1955-10-27,42.340000,42.340000,42.340000,42.340000,42.340000,1830000 +1955-10-28,42.369999,42.369999,42.369999,42.369999,42.369999,1720000 +1955-10-31,42.340000,42.340000,42.340000,42.340000,42.340000,1800000 +1955-11-01,42.279999,42.279999,42.279999,42.279999,42.279999,1590000 +1955-11-02,42.349998,42.349998,42.349998,42.349998,42.349998,1610000 +1955-11-03,43.240002,43.240002,43.240002,43.240002,43.240002,2260000 +1955-11-04,43.959999,43.959999,43.959999,43.959999,43.959999,2430000 +1955-11-07,44.150002,44.150002,44.150002,44.150002,44.150002,2230000 +1955-11-09,44.610001,44.610001,44.610001,44.610001,44.610001,2580000 +1955-11-10,44.720001,44.720001,44.720001,44.720001,44.720001,2550000 +1955-11-11,45.240002,45.240002,45.240002,45.240002,45.240002,2000000 +1955-11-14,46.410000,46.410000,46.410000,46.410000,46.410000,2760000 +1955-11-15,46.209999,46.209999,46.209999,46.209999,46.209999,2560000 +1955-11-16,45.910000,45.910000,45.910000,45.910000,45.910000,2460000 +1955-11-17,45.590000,45.590000,45.590000,45.590000,45.590000,2310000 +1955-11-18,45.540001,45.540001,45.540001,45.540001,45.540001,2320000 +1955-11-21,45.220001,45.220001,45.220001,45.220001,45.220001,1960000 +1955-11-22,45.660000,45.660000,45.660000,45.660000,45.660000,2270000 +1955-11-23,45.720001,45.720001,45.720001,45.720001,45.720001,2550000 +1955-11-25,45.680000,45.680000,45.680000,45.680000,45.680000,2190000 +1955-11-28,45.380001,45.380001,45.380001,45.380001,45.380001,2460000 +1955-11-29,45.560001,45.560001,45.560001,45.560001,45.560001,2370000 +1955-11-30,45.509998,45.509998,45.509998,45.509998,45.509998,2900000 +1955-12-01,45.349998,45.349998,45.349998,45.349998,45.349998,2370000 +1955-12-02,45.439999,45.439999,45.439999,45.439999,45.439999,2400000 +1955-12-05,45.700001,45.700001,45.700001,45.700001,45.700001,2440000 +1955-12-06,45.700001,45.700001,45.700001,45.700001,45.700001,2540000 +1955-12-07,45.549999,45.549999,45.549999,45.549999,45.549999,2480000 +1955-12-08,45.820000,45.820000,45.820000,45.820000,45.820000,2970000 +1955-12-09,45.889999,45.889999,45.889999,45.889999,45.889999,2660000 +1955-12-12,45.419998,45.419998,45.419998,45.419998,45.419998,2510000 +1955-12-13,45.450001,45.450001,45.450001,45.450001,45.450001,2430000 +1955-12-14,45.070000,45.070000,45.070000,45.070000,45.070000,2670000 +1955-12-15,45.060001,45.060001,45.060001,45.060001,45.060001,2260000 +1955-12-16,45.130001,45.130001,45.130001,45.130001,45.130001,2310000 +1955-12-19,45.020000,45.020000,45.020000,45.020000,45.020000,2380000 +1955-12-20,44.950001,44.950001,44.950001,44.950001,44.950001,2280000 +1955-12-21,45.840000,45.840000,45.840000,45.840000,45.840000,2540000 +1955-12-22,45.410000,45.410000,45.410000,45.410000,45.410000,2650000 +1955-12-23,45.500000,45.500000,45.500000,45.500000,45.500000,2090000 +1955-12-27,45.220001,45.220001,45.220001,45.220001,45.220001,2010000 +1955-12-28,45.049999,45.049999,45.049999,45.049999,45.049999,1990000 +1955-12-29,45.150002,45.150002,45.150002,45.150002,45.150002,2190000 +1955-12-30,45.480000,45.480000,45.480000,45.480000,45.480000,2820000 +1956-01-03,45.160000,45.160000,45.160000,45.160000,45.160000,2390000 +1956-01-04,45.000000,45.000000,45.000000,45.000000,45.000000,2290000 +1956-01-05,44.950001,44.950001,44.950001,44.950001,44.950001,2110000 +1956-01-06,45.139999,45.139999,45.139999,45.139999,45.139999,2570000 +1956-01-09,44.509998,44.509998,44.509998,44.509998,44.509998,2700000 +1956-01-10,44.160000,44.160000,44.160000,44.160000,44.160000,2640000 +1956-01-11,44.380001,44.380001,44.380001,44.380001,44.380001,2310000 +1956-01-12,44.750000,44.750000,44.750000,44.750000,44.750000,2330000 +1956-01-13,44.669998,44.669998,44.669998,44.669998,44.669998,2120000 +1956-01-16,44.139999,44.139999,44.139999,44.139999,44.139999,2260000 +1956-01-17,44.470001,44.470001,44.470001,44.470001,44.470001,2050000 +1956-01-18,44.169998,44.169998,44.169998,44.169998,44.169998,2110000 +1956-01-19,43.720001,43.720001,43.720001,43.720001,43.720001,2500000 +1956-01-20,43.220001,43.220001,43.220001,43.220001,43.220001,2430000 +1956-01-23,43.110001,43.110001,43.110001,43.110001,43.110001,2720000 +1956-01-24,43.650002,43.650002,43.650002,43.650002,43.650002,2160000 +1956-01-25,43.720001,43.720001,43.720001,43.720001,43.720001,1950000 +1956-01-26,43.459999,43.459999,43.459999,43.459999,43.459999,1840000 +1956-01-27,43.349998,43.349998,43.349998,43.349998,43.349998,1950000 +1956-01-30,43.500000,43.500000,43.500000,43.500000,43.500000,1830000 +1956-01-31,43.820000,43.820000,43.820000,43.820000,43.820000,1900000 +1956-02-01,44.029999,44.029999,44.029999,44.029999,44.029999,2010000 +1956-02-02,44.220001,44.220001,44.220001,44.220001,44.220001,1900000 +1956-02-03,44.779999,44.779999,44.779999,44.779999,44.779999,2110000 +1956-02-06,44.810001,44.810001,44.810001,44.810001,44.810001,2230000 +1956-02-07,44.599998,44.599998,44.599998,44.599998,44.599998,2060000 +1956-02-08,44.160000,44.160000,44.160000,44.160000,44.160000,2170000 +1956-02-09,43.660000,43.660000,43.660000,43.660000,43.660000,2080000 +1956-02-10,43.639999,43.639999,43.639999,43.639999,43.639999,1770000 +1956-02-13,43.580002,43.580002,43.580002,43.580002,43.580002,1420000 +1956-02-14,43.419998,43.419998,43.419998,43.419998,43.419998,1590000 +1956-02-15,44.040001,44.040001,44.040001,44.040001,44.040001,3000000 +1956-02-16,43.820000,43.820000,43.820000,43.820000,43.820000,1750000 +1956-02-17,44.520000,44.520000,44.520000,44.520000,44.520000,2840000 +1956-02-20,44.450001,44.450001,44.450001,44.450001,44.450001,2530000 +1956-02-21,44.560001,44.560001,44.560001,44.560001,44.560001,2240000 +1956-02-23,44.950001,44.950001,44.950001,44.950001,44.950001,2900000 +1956-02-24,45.320000,45.320000,45.320000,45.320000,45.320000,2890000 +1956-02-27,45.270000,45.270000,45.270000,45.270000,45.270000,2440000 +1956-02-28,45.430000,45.430000,45.430000,45.430000,45.430000,2540000 +1956-02-29,45.340000,45.340000,45.340000,45.340000,45.340000,3900000 +1956-03-01,45.540001,45.540001,45.540001,45.540001,45.540001,2410000 +1956-03-02,45.810001,45.810001,45.810001,45.810001,45.810001,2860000 +1956-03-05,46.060001,46.060001,46.060001,46.060001,46.060001,3090000 +1956-03-06,46.040001,46.040001,46.040001,46.040001,46.040001,2770000 +1956-03-07,46.009998,46.009998,46.009998,46.009998,46.009998,2380000 +1956-03-08,46.119999,46.119999,46.119999,46.119999,46.119999,2500000 +1956-03-09,46.700001,46.700001,46.700001,46.700001,46.700001,3430000 +1956-03-12,47.130001,47.130001,47.130001,47.130001,47.130001,3110000 +1956-03-13,47.060001,47.060001,47.060001,47.060001,47.060001,2790000 +1956-03-14,47.529999,47.529999,47.529999,47.529999,47.529999,3140000 +1956-03-15,47.990002,47.990002,47.990002,47.990002,47.990002,3270000 +1956-03-16,48.139999,48.139999,48.139999,48.139999,48.139999,3120000 +1956-03-19,48.590000,48.590000,48.590000,48.590000,48.590000,2570000 +1956-03-20,48.869999,48.869999,48.869999,48.869999,48.869999,2960000 +1956-03-21,48.230000,48.230000,48.230000,48.230000,48.230000,2930000 +1956-03-22,48.720001,48.720001,48.720001,48.720001,48.720001,2650000 +1956-03-23,48.830002,48.830002,48.830002,48.830002,48.830002,2980000 +1956-03-26,48.619999,48.619999,48.619999,48.619999,48.619999,2720000 +1956-03-27,48.250000,48.250000,48.250000,48.250000,48.250000,2540000 +1956-03-28,48.509998,48.509998,48.509998,48.509998,48.509998,2610000 +1956-03-29,48.480000,48.480000,48.480000,48.480000,48.480000,3480000 +1956-04-02,48.700001,48.700001,48.700001,48.700001,48.700001,3120000 +1956-04-03,48.529999,48.529999,48.529999,48.529999,48.529999,2760000 +1956-04-04,48.799999,48.799999,48.799999,48.799999,48.799999,2760000 +1956-04-05,48.570000,48.570000,48.570000,48.570000,48.570000,2950000 +1956-04-06,48.849998,48.849998,48.849998,48.849998,48.849998,2600000 +1956-04-09,48.610001,48.610001,48.610001,48.610001,48.610001,2760000 +1956-04-10,47.930000,47.930000,47.930000,47.930000,47.930000,2590000 +1956-04-11,48.310001,48.310001,48.310001,48.310001,48.310001,2440000 +1956-04-12,48.020000,48.020000,48.020000,48.020000,48.020000,2700000 +1956-04-13,47.950001,47.950001,47.950001,47.950001,47.950001,2450000 +1956-04-16,47.959999,47.959999,47.959999,47.959999,47.959999,2310000 +1956-04-17,47.930000,47.930000,47.930000,47.930000,47.930000,2330000 +1956-04-18,47.740002,47.740002,47.740002,47.740002,47.740002,2470000 +1956-04-19,47.570000,47.570000,47.570000,47.570000,47.570000,2210000 +1956-04-20,47.759998,47.759998,47.759998,47.759998,47.759998,2320000 +1956-04-23,47.650002,47.650002,47.650002,47.650002,47.650002,2440000 +1956-04-24,47.259998,47.259998,47.259998,47.259998,47.259998,2500000 +1956-04-25,47.090000,47.090000,47.090000,47.090000,47.090000,2270000 +1956-04-26,47.490002,47.490002,47.490002,47.490002,47.490002,2630000 +1956-04-27,47.990002,47.990002,47.990002,47.990002,47.990002,2760000 +1956-04-30,48.380001,48.380001,48.380001,48.380001,48.380001,2730000 +1956-05-01,48.160000,48.160000,48.160000,48.160000,48.160000,2500000 +1956-05-02,48.169998,48.169998,48.169998,48.169998,48.169998,2440000 +1956-05-03,48.340000,48.340000,48.340000,48.340000,48.340000,2640000 +1956-05-04,48.509998,48.509998,48.509998,48.509998,48.509998,2860000 +1956-05-07,48.220001,48.220001,48.220001,48.220001,48.220001,2550000 +1956-05-08,48.020000,48.020000,48.020000,48.020000,48.020000,2440000 +1956-05-09,47.939999,47.939999,47.939999,47.939999,47.939999,2550000 +1956-05-10,47.160000,47.160000,47.160000,47.160000,47.160000,2850000 +1956-05-11,47.119999,47.119999,47.119999,47.119999,47.119999,2450000 +1956-05-14,46.860001,46.860001,46.860001,46.860001,46.860001,2440000 +1956-05-15,46.369999,46.369999,46.369999,46.369999,46.369999,2650000 +1956-05-16,46.049999,46.049999,46.049999,46.049999,46.049999,2080000 +1956-05-17,46.610001,46.610001,46.610001,46.610001,46.610001,1970000 +1956-05-18,46.389999,46.389999,46.389999,46.389999,46.389999,2020000 +1956-05-21,45.990002,45.990002,45.990002,45.990002,45.990002,1940000 +1956-05-22,45.259998,45.259998,45.259998,45.259998,45.259998,2290000 +1956-05-23,45.020000,45.020000,45.020000,45.020000,45.020000,2140000 +1956-05-24,44.599998,44.599998,44.599998,44.599998,44.599998,2600000 +1956-05-25,44.619999,44.619999,44.619999,44.619999,44.619999,2570000 +1956-05-28,44.099998,44.099998,44.099998,44.099998,44.099998,2780000 +1956-05-29,45.110001,45.110001,45.110001,45.110001,45.110001,2430000 +1956-05-31,45.200001,45.200001,45.200001,45.200001,45.200001,2020000 +1956-06-01,45.580002,45.580002,45.580002,45.580002,45.580002,1440000 +1956-06-04,45.849998,45.849998,45.849998,45.849998,45.849998,1500000 +1956-06-05,45.860001,45.860001,45.860001,45.860001,45.860001,1650000 +1956-06-06,45.630001,45.630001,45.630001,45.630001,45.630001,1460000 +1956-06-07,45.990002,45.990002,45.990002,45.990002,45.990002,1630000 +1956-06-08,45.139999,45.139999,45.139999,45.139999,45.139999,3630000 +1956-06-11,45.709999,45.709999,45.709999,45.709999,45.709999,2000000 +1956-06-12,46.360001,46.360001,46.360001,46.360001,46.360001,1900000 +1956-06-13,46.419998,46.419998,46.419998,46.419998,46.419998,1760000 +1956-06-14,46.310001,46.310001,46.310001,46.310001,46.310001,1670000 +1956-06-15,46.369999,46.369999,46.369999,46.369999,46.369999,1550000 +1956-06-18,46.169998,46.169998,46.169998,46.169998,46.169998,1440000 +1956-06-19,46.220001,46.220001,46.220001,46.220001,46.220001,1430000 +1956-06-20,46.410000,46.410000,46.410000,46.410000,46.410000,1670000 +1956-06-21,46.730000,46.730000,46.730000,46.730000,46.730000,1820000 +1956-06-22,46.590000,46.590000,46.590000,46.590000,46.590000,1630000 +1956-06-25,46.410000,46.410000,46.410000,46.410000,46.410000,1500000 +1956-06-26,46.720001,46.720001,46.720001,46.720001,46.720001,1730000 +1956-06-27,47.070000,47.070000,47.070000,47.070000,47.070000,2090000 +1956-06-28,47.130001,47.130001,47.130001,47.130001,47.130001,1900000 +1956-06-29,46.970001,46.970001,46.970001,46.970001,46.970001,1780000 +1956-07-02,46.930000,46.930000,46.930000,46.930000,46.930000,1610000 +1956-07-03,47.320000,47.320000,47.320000,47.320000,47.320000,1840000 +1956-07-05,47.799999,47.799999,47.799999,47.799999,47.799999,2240000 +1956-07-06,48.040001,48.040001,48.040001,48.040001,48.040001,2180000 +1956-07-09,48.250000,48.250000,48.250000,48.250000,48.250000,2180000 +1956-07-10,48.540001,48.540001,48.540001,48.540001,48.540001,2450000 +1956-07-11,48.689999,48.689999,48.689999,48.689999,48.689999,2520000 +1956-07-12,48.580002,48.580002,48.580002,48.580002,48.580002,2180000 +1956-07-13,48.720001,48.720001,48.720001,48.720001,48.720001,2020000 +1956-07-16,49.139999,49.139999,49.139999,49.139999,49.139999,2260000 +1956-07-17,49.310001,49.310001,49.310001,49.310001,49.310001,2520000 +1956-07-18,49.299999,49.299999,49.299999,49.299999,49.299999,2530000 +1956-07-19,49.320000,49.320000,49.320000,49.320000,49.320000,1950000 +1956-07-20,49.349998,49.349998,49.349998,49.349998,49.349998,2020000 +1956-07-23,49.330002,49.330002,49.330002,49.330002,49.330002,1970000 +1956-07-24,49.330002,49.330002,49.330002,49.330002,49.330002,2040000 +1956-07-25,49.439999,49.439999,49.439999,49.439999,49.439999,2220000 +1956-07-26,49.480000,49.480000,49.480000,49.480000,49.480000,2060000 +1956-07-27,49.080002,49.080002,49.080002,49.080002,49.080002,2240000 +1956-07-30,49.000000,49.000000,49.000000,49.000000,49.000000,2100000 +1956-07-31,49.389999,49.389999,49.389999,49.389999,49.389999,2520000 +1956-08-01,49.619999,49.619999,49.619999,49.619999,49.619999,2230000 +1956-08-02,49.639999,49.639999,49.639999,49.639999,49.639999,2530000 +1956-08-03,49.639999,49.639999,49.639999,49.639999,49.639999,2210000 +1956-08-06,48.959999,48.959999,48.959999,48.959999,48.959999,2280000 +1956-08-07,49.160000,49.160000,49.160000,49.160000,49.160000,2180000 +1956-08-08,49.360001,49.360001,49.360001,49.360001,49.360001,2480000 +1956-08-09,49.320000,49.320000,49.320000,49.320000,49.320000,2550000 +1956-08-10,49.090000,49.090000,49.090000,49.090000,49.090000,2040000 +1956-08-13,48.580002,48.580002,48.580002,48.580002,48.580002,1730000 +1956-08-14,48.000000,48.000000,48.000000,48.000000,48.000000,1790000 +1956-08-15,48.990002,48.990002,48.990002,48.990002,48.990002,2000000 +1956-08-16,48.880001,48.880001,48.880001,48.880001,48.880001,1790000 +1956-08-17,48.820000,48.820000,48.820000,48.820000,48.820000,1720000 +1956-08-20,48.250000,48.250000,48.250000,48.250000,48.250000,1770000 +1956-08-21,47.889999,47.889999,47.889999,47.889999,47.889999,2440000 +1956-08-22,47.419998,47.419998,47.419998,47.419998,47.419998,1570000 +1956-08-23,48.000000,48.000000,48.000000,48.000000,48.000000,1590000 +1956-08-24,47.950001,47.950001,47.950001,47.950001,47.950001,1530000 +1956-08-27,47.660000,47.660000,47.660000,47.660000,47.660000,1420000 +1956-08-28,47.570000,47.570000,47.570000,47.570000,47.570000,1400000 +1956-08-29,47.360001,47.360001,47.360001,47.360001,47.360001,1530000 +1956-08-30,46.939999,46.939999,46.939999,46.939999,46.939999,2050000 +1956-08-31,47.509998,47.509998,47.509998,47.509998,47.509998,1620000 +1956-09-04,47.889999,47.889999,47.889999,47.889999,47.889999,1790000 +1956-09-05,48.020000,48.020000,48.020000,48.020000,48.020000,2130000 +1956-09-06,48.099998,48.099998,48.099998,48.099998,48.099998,1550000 +1956-09-07,47.810001,47.810001,47.810001,47.810001,47.810001,1690000 +1956-09-10,47.560001,47.560001,47.560001,47.560001,47.560001,1860000 +1956-09-11,47.380001,47.380001,47.380001,47.380001,47.380001,1920000 +1956-09-12,47.049999,47.049999,47.049999,47.049999,47.049999,1930000 +1956-09-13,46.090000,46.090000,46.090000,46.090000,46.090000,2000000 +1956-09-14,47.209999,47.209999,47.209999,47.209999,47.209999,2110000 +1956-09-17,47.099998,47.099998,47.099998,47.099998,47.099998,1940000 +1956-09-18,46.790001,46.790001,46.790001,46.790001,46.790001,2200000 +1956-09-19,46.240002,46.240002,46.240002,46.240002,46.240002,2040000 +1956-09-20,46.209999,46.209999,46.209999,46.209999,46.209999,2150000 +1956-09-21,46.580002,46.580002,46.580002,46.580002,46.580002,2110000 +1956-09-24,46.400002,46.400002,46.400002,46.400002,46.400002,1840000 +1956-09-25,45.750000,45.750000,45.750000,45.750000,45.750000,2100000 +1956-09-26,45.820000,45.820000,45.820000,45.820000,45.820000,2370000 +1956-09-27,45.599998,45.599998,45.599998,45.599998,45.599998,1770000 +1956-09-28,45.349998,45.349998,45.349998,45.349998,45.349998,1720000 +1956-10-01,44.700001,44.700001,44.700001,44.700001,44.700001,2600000 +1956-10-02,45.520000,45.520000,45.520000,45.520000,45.520000,2400000 +1956-10-03,46.279999,46.279999,46.279999,46.279999,46.279999,2180000 +1956-10-04,46.290001,46.290001,46.290001,46.290001,46.290001,1600000 +1956-10-05,46.450001,46.450001,46.450001,46.450001,46.450001,1580000 +1956-10-08,46.430000,46.430000,46.430000,46.430000,46.430000,1450000 +1956-10-09,46.200001,46.200001,46.200001,46.200001,46.200001,1220000 +1956-10-10,46.840000,46.840000,46.840000,46.840000,46.840000,1620000 +1956-10-11,46.810001,46.810001,46.810001,46.810001,46.810001,1760000 +1956-10-12,47.000000,47.000000,47.000000,47.000000,47.000000,1330000 +1956-10-15,46.860001,46.860001,46.860001,46.860001,46.860001,1610000 +1956-10-16,46.619999,46.619999,46.619999,46.619999,46.619999,1580000 +1956-10-17,46.259998,46.259998,46.259998,46.259998,46.259998,1640000 +1956-10-18,46.340000,46.340000,46.340000,46.340000,46.340000,1640000 +1956-10-19,46.240002,46.240002,46.240002,46.240002,46.240002,1720000 +1956-10-22,46.230000,46.230000,46.230000,46.230000,46.230000,1430000 +1956-10-23,46.119999,46.119999,46.119999,46.119999,46.119999,1390000 +1956-10-24,45.930000,45.930000,45.930000,45.930000,45.930000,1640000 +1956-10-25,45.849998,45.849998,45.849998,45.849998,45.849998,1580000 +1956-10-26,46.270000,46.270000,46.270000,46.270000,46.270000,1800000 +1956-10-29,46.400002,46.400002,46.400002,46.400002,46.400002,2420000 +1956-10-30,46.369999,46.369999,46.369999,46.369999,46.369999,1830000 +1956-10-31,45.580002,45.580002,45.580002,45.580002,45.580002,2280000 +1956-11-01,46.520000,46.520000,46.520000,46.520000,46.520000,1890000 +1956-11-02,46.980000,46.980000,46.980000,46.980000,46.980000,2180000 +1956-11-05,47.599998,47.599998,47.599998,47.599998,47.599998,2830000 +1956-11-07,47.110001,47.110001,47.110001,47.110001,47.110001,2650000 +1956-11-08,46.730000,46.730000,46.730000,46.730000,46.730000,1970000 +1956-11-09,46.340000,46.340000,46.340000,46.340000,46.340000,1690000 +1956-11-12,46.490002,46.490002,46.490002,46.490002,46.490002,1600000 +1956-11-13,46.270000,46.270000,46.270000,46.270000,46.270000,2140000 +1956-11-14,46.009998,46.009998,46.009998,46.009998,46.009998,2290000 +1956-11-15,45.720001,45.720001,45.720001,45.720001,45.720001,2210000 +1956-11-16,45.740002,45.740002,45.740002,45.740002,45.740002,1820000 +1956-11-19,45.290001,45.290001,45.290001,45.290001,45.290001,2560000 +1956-11-20,44.889999,44.889999,44.889999,44.889999,44.889999,2240000 +1956-11-21,44.669998,44.669998,44.669998,44.669998,44.669998,2310000 +1956-11-23,45.139999,45.139999,45.139999,45.139999,45.139999,1880000 +1956-11-26,44.869999,44.869999,44.869999,44.869999,44.869999,2230000 +1956-11-27,44.910000,44.910000,44.910000,44.910000,44.910000,2130000 +1956-11-28,44.430000,44.430000,44.430000,44.430000,44.430000,2190000 +1956-11-29,44.380001,44.380001,44.380001,44.380001,44.380001,2440000 +1956-11-30,45.080002,45.080002,45.080002,45.080002,45.080002,2300000 +1956-12-03,45.980000,45.980000,45.980000,45.980000,45.980000,2570000 +1956-12-04,45.840000,45.840000,45.840000,45.840000,45.840000,2180000 +1956-12-05,46.389999,46.389999,46.389999,46.389999,46.389999,2360000 +1956-12-06,46.810001,46.810001,46.810001,46.810001,46.810001,2470000 +1956-12-07,47.040001,47.040001,47.040001,47.040001,47.040001,2400000 +1956-12-10,46.799999,46.799999,46.799999,46.799999,46.799999,2600000 +1956-12-11,46.480000,46.480000,46.480000,46.480000,46.480000,2210000 +1956-12-12,46.130001,46.130001,46.130001,46.130001,46.130001,2180000 +1956-12-13,46.500000,46.500000,46.500000,46.500000,46.500000,2370000 +1956-12-14,46.540001,46.540001,46.540001,46.540001,46.540001,2450000 +1956-12-17,46.540001,46.540001,46.540001,46.540001,46.540001,2500000 +1956-12-18,46.540001,46.540001,46.540001,46.540001,46.540001,2370000 +1956-12-19,46.430000,46.430000,46.430000,46.430000,46.430000,1900000 +1956-12-20,46.070000,46.070000,46.070000,46.070000,46.070000,2060000 +1956-12-21,46.369999,46.369999,46.369999,46.369999,46.369999,2380000 +1956-12-26,46.389999,46.389999,46.389999,46.389999,46.389999,2440000 +1956-12-27,46.349998,46.349998,46.349998,46.349998,46.349998,2420000 +1956-12-28,46.560001,46.560001,46.560001,46.560001,46.560001,2790000 +1956-12-31,46.669998,46.669998,46.669998,46.669998,46.669998,3680000 +1957-01-02,46.200001,46.200001,46.200001,46.200001,46.200001,1960000 +1957-01-03,46.599998,46.599998,46.599998,46.599998,46.599998,2260000 +1957-01-04,46.660000,46.660000,46.660000,46.660000,46.660000,2710000 +1957-01-07,46.419998,46.419998,46.419998,46.419998,46.419998,2500000 +1957-01-08,46.250000,46.250000,46.250000,46.250000,46.250000,2230000 +1957-01-09,46.160000,46.160000,46.160000,46.160000,46.160000,2330000 +1957-01-10,46.270000,46.270000,46.270000,46.270000,46.270000,2470000 +1957-01-11,46.180000,46.180000,46.180000,46.180000,46.180000,2340000 +1957-01-14,45.860001,45.860001,45.860001,45.860001,45.860001,2350000 +1957-01-15,45.180000,45.180000,45.180000,45.180000,45.180000,2370000 +1957-01-16,45.230000,45.230000,45.230000,45.230000,45.230000,2210000 +1957-01-17,45.220001,45.220001,45.220001,45.220001,45.220001,2140000 +1957-01-18,44.639999,44.639999,44.639999,44.639999,44.639999,2400000 +1957-01-21,44.400002,44.400002,44.400002,44.400002,44.400002,2740000 +1957-01-22,44.529999,44.529999,44.529999,44.529999,44.529999,1920000 +1957-01-23,44.869999,44.869999,44.869999,44.869999,44.869999,1920000 +1957-01-24,45.029999,45.029999,45.029999,45.029999,45.029999,1910000 +1957-01-25,44.820000,44.820000,44.820000,44.820000,44.820000,2010000 +1957-01-28,44.490002,44.490002,44.490002,44.490002,44.490002,1700000 +1957-01-29,44.709999,44.709999,44.709999,44.709999,44.709999,1800000 +1957-01-30,44.910000,44.910000,44.910000,44.910000,44.910000,1950000 +1957-01-31,44.720001,44.720001,44.720001,44.720001,44.720001,1920000 +1957-02-01,44.619999,44.619999,44.619999,44.619999,44.619999,1680000 +1957-02-04,44.529999,44.529999,44.529999,44.529999,44.529999,1750000 +1957-02-05,43.889999,43.889999,43.889999,43.889999,43.889999,2610000 +1957-02-06,43.820000,43.820000,43.820000,43.820000,43.820000,2110000 +1957-02-07,43.619999,43.619999,43.619999,43.619999,43.619999,1840000 +1957-02-08,43.320000,43.320000,43.320000,43.320000,43.320000,2120000 +1957-02-11,42.570000,42.570000,42.570000,42.570000,42.570000,2740000 +1957-02-12,42.389999,42.389999,42.389999,42.389999,42.389999,2550000 +1957-02-13,43.040001,43.040001,43.040001,43.040001,43.040001,2380000 +1957-02-14,42.990002,42.990002,42.990002,42.990002,42.990002,2220000 +1957-02-15,43.509998,43.509998,43.509998,43.509998,43.509998,2060000 +1957-02-18,43.459999,43.459999,43.459999,43.459999,43.459999,1800000 +1957-02-19,43.490002,43.490002,43.490002,43.490002,43.490002,1670000 +1957-02-20,43.630001,43.630001,43.630001,43.630001,43.630001,1790000 +1957-02-21,43.480000,43.480000,43.480000,43.480000,43.480000,1680000 +1957-02-25,43.380001,43.380001,43.380001,43.380001,43.380001,1710000 +1957-02-26,43.450001,43.450001,43.450001,43.450001,43.450001,1580000 +1957-02-27,43.410000,43.410000,43.410000,43.410000,43.410000,1620000 +1957-02-28,43.259998,43.259998,43.259998,43.259998,43.259998,1620000 +1957-03-01,43.740002,43.740002,43.740002,43.740002,43.740002,1700000 +1957-03-04,44.060001,44.060001,44.060001,44.060001,44.060001,1890000 +1957-03-05,44.220001,44.220001,44.220001,44.220001,44.220001,1860000 +1957-03-06,44.230000,44.230000,44.230000,44.230000,44.230000,1840000 +1957-03-07,44.209999,44.209999,44.209999,44.209999,44.209999,1830000 +1957-03-08,44.070000,44.070000,44.070000,44.070000,44.070000,1630000 +1957-03-11,43.779999,43.779999,43.779999,43.779999,43.779999,1650000 +1957-03-12,43.750000,43.750000,43.750000,43.750000,43.750000,1600000 +1957-03-13,44.040001,44.040001,44.040001,44.040001,44.040001,1840000 +1957-03-14,44.070000,44.070000,44.070000,44.070000,44.070000,1580000 +1957-03-15,44.049999,44.049999,44.049999,44.049999,44.049999,1600000 +1957-03-18,43.849998,43.849998,43.849998,43.849998,43.849998,1450000 +1957-03-19,44.040001,44.040001,44.040001,44.040001,44.040001,1540000 +1957-03-20,44.099998,44.099998,44.099998,44.099998,44.099998,1830000 +1957-03-21,44.110001,44.110001,44.110001,44.110001,44.110001,1630000 +1957-03-22,44.060001,44.060001,44.060001,44.060001,44.060001,1610000 +1957-03-25,43.880001,43.880001,43.880001,43.880001,43.880001,1590000 +1957-03-26,43.910000,43.910000,43.910000,43.910000,43.910000,1660000 +1957-03-27,44.090000,44.090000,44.090000,44.090000,44.090000,1710000 +1957-03-28,44.180000,44.180000,44.180000,44.180000,44.180000,1930000 +1957-03-29,44.110001,44.110001,44.110001,44.110001,44.110001,1650000 +1957-04-01,44.139999,44.139999,44.139999,44.139999,44.139999,1620000 +1957-04-02,44.419998,44.419998,44.419998,44.419998,44.419998,2300000 +1957-04-03,44.540001,44.540001,44.540001,44.540001,44.540001,2160000 +1957-04-04,44.439999,44.439999,44.439999,44.439999,44.439999,1820000 +1957-04-05,44.490002,44.490002,44.490002,44.490002,44.490002,1830000 +1957-04-08,44.389999,44.389999,44.389999,44.389999,44.389999,1950000 +1957-04-09,44.790001,44.790001,44.790001,44.790001,44.790001,2400000 +1957-04-10,44.980000,44.980000,44.980000,44.980000,44.980000,2920000 +1957-04-11,44.980000,44.980000,44.980000,44.980000,44.980000,2350000 +1957-04-12,44.980000,44.980000,44.980000,44.980000,44.980000,2370000 +1957-04-15,44.950001,44.950001,44.950001,44.950001,44.950001,2010000 +1957-04-16,45.020000,45.020000,45.020000,45.020000,45.020000,1890000 +1957-04-17,45.080002,45.080002,45.080002,45.080002,45.080002,2290000 +1957-04-18,45.410000,45.410000,45.410000,45.410000,45.410000,2480000 +1957-04-22,45.480000,45.480000,45.480000,45.480000,45.480000,2560000 +1957-04-23,45.650002,45.650002,45.650002,45.650002,45.650002,2840000 +1957-04-24,45.720001,45.720001,45.720001,45.720001,45.720001,2990000 +1957-04-25,45.560001,45.560001,45.560001,45.560001,45.560001,2640000 +1957-04-26,45.500000,45.500000,45.500000,45.500000,45.500000,2380000 +1957-04-29,45.730000,45.730000,45.730000,45.730000,45.730000,2290000 +1957-04-30,45.740002,45.740002,45.740002,45.740002,45.740002,2200000 +1957-05-01,46.020000,46.020000,46.020000,46.020000,46.020000,2310000 +1957-05-02,46.389999,46.389999,46.389999,46.389999,46.389999,2860000 +1957-05-03,46.340000,46.340000,46.340000,46.340000,46.340000,2390000 +1957-05-06,46.270000,46.270000,46.270000,46.270000,46.270000,2210000 +1957-05-07,46.130001,46.130001,46.130001,46.130001,46.130001,2300000 +1957-05-08,46.310001,46.310001,46.310001,46.310001,46.310001,2590000 +1957-05-09,46.360001,46.360001,46.360001,46.360001,46.360001,2520000 +1957-05-10,46.590000,46.590000,46.590000,46.590000,46.590000,2430000 +1957-05-13,46.880001,46.880001,46.880001,46.880001,46.880001,2720000 +1957-05-14,46.669998,46.669998,46.669998,46.669998,46.669998,2580000 +1957-05-15,46.830002,46.830002,46.830002,46.830002,46.830002,2590000 +1957-05-16,47.020000,47.020000,47.020000,47.020000,47.020000,2690000 +1957-05-17,47.150002,47.150002,47.150002,47.150002,47.150002,2510000 +1957-05-20,47.349998,47.349998,47.349998,47.349998,47.349998,2300000 +1957-05-21,47.330002,47.330002,47.330002,47.330002,47.330002,2370000 +1957-05-22,47.139999,47.139999,47.139999,47.139999,47.139999,2060000 +1957-05-23,47.150002,47.150002,47.150002,47.150002,47.150002,2110000 +1957-05-24,47.209999,47.209999,47.209999,47.209999,47.209999,2340000 +1957-05-27,46.779999,46.779999,46.779999,46.779999,46.779999,2290000 +1957-05-28,46.689999,46.689999,46.689999,46.689999,46.689999,2070000 +1957-05-29,47.110001,47.110001,47.110001,47.110001,47.110001,2270000 +1957-05-31,47.430000,47.430000,47.430000,47.430000,47.430000,2050000 +1957-06-03,47.369999,47.369999,47.369999,47.369999,47.369999,2050000 +1957-06-04,47.279999,47.279999,47.279999,47.279999,47.279999,2200000 +1957-06-05,47.270000,47.270000,47.270000,47.270000,47.270000,1940000 +1957-06-06,47.799999,47.799999,47.799999,47.799999,47.799999,2300000 +1957-06-07,47.849998,47.849998,47.849998,47.849998,47.849998,2380000 +1957-06-10,47.900002,47.900002,47.900002,47.900002,47.900002,2050000 +1957-06-11,47.939999,47.939999,47.939999,47.939999,47.939999,2850000 +1957-06-12,48.049999,48.049999,48.049999,48.049999,48.049999,2600000 +1957-06-13,48.139999,48.139999,48.139999,48.139999,48.139999,2630000 +1957-06-14,48.150002,48.150002,48.150002,48.150002,48.150002,2090000 +1957-06-17,48.240002,48.240002,48.240002,48.240002,48.240002,2220000 +1957-06-18,48.040001,48.040001,48.040001,48.040001,48.040001,2440000 +1957-06-19,47.720001,47.720001,47.720001,47.720001,47.720001,2220000 +1957-06-20,47.430000,47.430000,47.430000,47.430000,47.430000,2050000 +1957-06-21,47.150002,47.150002,47.150002,47.150002,47.150002,1970000 +1957-06-24,46.779999,46.779999,46.779999,46.779999,46.779999,2040000 +1957-06-25,47.150002,47.150002,47.150002,47.150002,47.150002,2000000 +1957-06-26,47.090000,47.090000,47.090000,47.090000,47.090000,1870000 +1957-06-27,47.259998,47.259998,47.259998,47.259998,47.259998,1800000 +1957-06-28,47.369999,47.369999,47.369999,47.369999,47.369999,1770000 +1957-07-01,47.430000,47.430000,47.430000,47.430000,47.430000,1840000 +1957-07-02,47.900002,47.900002,47.900002,47.900002,47.900002,2450000 +1957-07-03,48.459999,48.459999,48.459999,48.459999,48.459999,2720000 +1957-07-05,48.689999,48.689999,48.689999,48.689999,48.689999,2240000 +1957-07-08,48.900002,48.900002,48.900002,48.900002,48.900002,2840000 +1957-07-09,48.900002,48.900002,48.900002,48.900002,48.900002,2450000 +1957-07-10,49.000000,49.000000,49.000000,49.000000,49.000000,2880000 +1957-07-11,48.860001,48.860001,48.860001,48.860001,48.860001,2830000 +1957-07-12,49.080002,49.080002,49.080002,49.080002,49.080002,2240000 +1957-07-15,49.130001,49.130001,49.130001,49.130001,49.130001,2480000 +1957-07-16,48.880001,48.880001,48.880001,48.880001,48.880001,2510000 +1957-07-17,48.580002,48.580002,48.580002,48.580002,48.580002,2060000 +1957-07-18,48.529999,48.529999,48.529999,48.529999,48.529999,2130000 +1957-07-19,48.580002,48.580002,48.580002,48.580002,48.580002,1930000 +1957-07-22,48.470001,48.470001,48.470001,48.470001,48.470001,1950000 +1957-07-23,48.560001,48.560001,48.560001,48.560001,48.560001,1840000 +1957-07-24,48.610001,48.610001,48.610001,48.610001,48.610001,1730000 +1957-07-25,48.610001,48.610001,48.610001,48.610001,48.610001,1800000 +1957-07-26,48.450001,48.450001,48.450001,48.450001,48.450001,1710000 +1957-07-29,47.919998,47.919998,47.919998,47.919998,47.919998,1990000 +1957-07-30,47.919998,47.919998,47.919998,47.919998,47.919998,1780000 +1957-07-31,47.910000,47.910000,47.910000,47.910000,47.910000,1830000 +1957-08-01,47.790001,47.790001,47.790001,47.790001,47.790001,1660000 +1957-08-02,47.680000,47.680000,47.680000,47.680000,47.680000,1610000 +1957-08-05,47.259998,47.259998,47.259998,47.259998,47.259998,1790000 +1957-08-06,46.669998,46.669998,46.669998,46.669998,46.669998,1910000 +1957-08-07,47.029999,47.029999,47.029999,47.029999,47.029999,2460000 +1957-08-08,46.900002,46.900002,46.900002,46.900002,46.900002,1690000 +1957-08-09,46.919998,46.919998,46.919998,46.919998,46.919998,1570000 +1957-08-12,46.330002,46.330002,46.330002,46.330002,46.330002,1650000 +1957-08-13,46.299999,46.299999,46.299999,46.299999,46.299999,1580000 +1957-08-14,45.730000,45.730000,45.730000,45.730000,45.730000,2040000 +1957-08-15,45.750000,45.750000,45.750000,45.750000,45.750000,2040000 +1957-08-16,45.830002,45.830002,45.830002,45.830002,45.830002,1470000 +1957-08-19,44.910000,44.910000,44.910000,44.910000,44.910000,2040000 +1957-08-20,45.290001,45.290001,45.290001,45.290001,45.290001,2700000 +1957-08-21,45.490002,45.490002,45.490002,45.490002,45.490002,1720000 +1957-08-22,45.160000,45.160000,45.160000,45.160000,45.160000,1500000 +1957-08-23,44.509998,44.509998,44.509998,44.509998,44.509998,1960000 +1957-08-26,43.889999,43.889999,43.889999,43.889999,43.889999,2680000 +1957-08-27,44.610001,44.610001,44.610001,44.610001,44.610001,2250000 +1957-08-28,44.639999,44.639999,44.639999,44.639999,44.639999,1840000 +1957-08-29,44.459999,44.459999,44.459999,44.459999,44.459999,1630000 +1957-08-30,45.220001,45.220001,45.220001,45.220001,45.220001,1600000 +1957-09-03,45.439999,45.439999,45.439999,45.439999,45.439999,1490000 +1957-09-04,45.049999,45.049999,45.049999,45.049999,45.049999,1260000 +1957-09-05,44.820000,44.820000,44.820000,44.820000,44.820000,1420000 +1957-09-06,44.680000,44.680000,44.680000,44.680000,44.680000,1320000 +1957-09-09,44.279999,44.279999,44.279999,44.279999,44.279999,1420000 +1957-09-10,43.869999,43.869999,43.869999,43.869999,43.869999,1870000 +1957-09-11,44.259998,44.259998,44.259998,44.259998,44.259998,2130000 +1957-09-12,44.820000,44.820000,44.820000,44.820000,44.820000,2010000 +1957-09-13,44.799999,44.799999,44.799999,44.799999,44.799999,1620000 +1957-09-16,44.580002,44.580002,44.580002,44.580002,44.580002,1290000 +1957-09-17,44.639999,44.639999,44.639999,44.639999,44.639999,1490000 +1957-09-18,44.689999,44.689999,44.689999,44.689999,44.689999,1540000 +1957-09-19,44.400002,44.400002,44.400002,44.400002,44.400002,1520000 +1957-09-20,43.689999,43.689999,43.689999,43.689999,43.689999,2340000 +1957-09-23,42.689999,42.689999,42.689999,42.689999,42.689999,3160000 +1957-09-24,42.980000,42.980000,42.980000,42.980000,42.980000,2840000 +1957-09-25,42.980000,42.980000,42.980000,42.980000,42.980000,2770000 +1957-09-26,42.570000,42.570000,42.570000,42.570000,42.570000,2130000 +1957-09-27,42.549999,42.549999,42.549999,42.549999,42.549999,1750000 +1957-09-30,42.419998,42.419998,42.419998,42.419998,42.419998,1520000 +1957-10-01,42.759998,42.759998,42.759998,42.759998,42.759998,1680000 +1957-10-02,43.099998,43.099998,43.099998,43.099998,43.099998,1760000 +1957-10-03,43.139999,43.139999,43.139999,43.139999,43.139999,1590000 +1957-10-04,42.790001,42.790001,42.790001,42.790001,42.790001,1520000 +1957-10-07,42.220001,42.220001,42.220001,42.220001,42.220001,2490000 +1957-10-08,41.950001,41.950001,41.950001,41.950001,41.950001,3190000 +1957-10-09,41.990002,41.990002,41.990002,41.990002,41.990002,2120000 +1957-10-10,40.959999,40.959999,40.959999,40.959999,40.959999,3300000 +1957-10-11,40.939999,40.939999,40.939999,40.939999,40.939999,4460000 +1957-10-14,41.240002,41.240002,41.240002,41.240002,41.240002,2770000 +1957-10-15,41.669998,41.669998,41.669998,41.669998,41.669998,2620000 +1957-10-16,41.330002,41.330002,41.330002,41.330002,41.330002,2050000 +1957-10-17,40.650002,40.650002,40.650002,40.650002,40.650002,3060000 +1957-10-18,40.330002,40.330002,40.330002,40.330002,40.330002,2670000 +1957-10-21,39.150002,39.150002,39.150002,39.150002,39.150002,4670000 +1957-10-22,38.980000,38.980000,38.980000,38.980000,38.980000,5090000 +1957-10-23,40.730000,40.730000,40.730000,40.730000,40.730000,4600000 +1957-10-24,40.709999,40.709999,40.709999,40.709999,40.709999,4030000 +1957-10-25,40.590000,40.590000,40.590000,40.590000,40.590000,2400000 +1957-10-28,40.419998,40.419998,40.419998,40.419998,40.419998,1800000 +1957-10-29,40.689999,40.689999,40.689999,40.689999,40.689999,1860000 +1957-10-30,41.020000,41.020000,41.020000,41.020000,41.020000,2060000 +1957-10-31,41.060001,41.060001,41.060001,41.060001,41.060001,2170000 +1957-11-01,40.439999,40.439999,40.439999,40.439999,40.439999,2060000 +1957-11-04,40.369999,40.369999,40.369999,40.369999,40.369999,2380000 +1957-11-06,40.430000,40.430000,40.430000,40.430000,40.430000,2550000 +1957-11-07,40.669998,40.669998,40.669998,40.669998,40.669998,2580000 +1957-11-08,40.189999,40.189999,40.189999,40.189999,40.189999,2140000 +1957-11-11,40.180000,40.180000,40.180000,40.180000,40.180000,1540000 +1957-11-12,39.599998,39.599998,39.599998,39.599998,39.599998,2050000 +1957-11-13,39.549999,39.549999,39.549999,39.549999,39.549999,2120000 +1957-11-14,39.439999,39.439999,39.439999,39.439999,39.439999,2450000 +1957-11-15,40.369999,40.369999,40.369999,40.369999,40.369999,3510000 +1957-11-18,40.040001,40.040001,40.040001,40.040001,40.040001,2110000 +1957-11-19,39.810001,39.810001,39.810001,39.810001,39.810001,2240000 +1957-11-20,39.919998,39.919998,39.919998,39.919998,39.919998,2400000 +1957-11-21,40.480000,40.480000,40.480000,40.480000,40.480000,2900000 +1957-11-22,40.869999,40.869999,40.869999,40.869999,40.869999,2850000 +1957-11-25,41.180000,41.180000,41.180000,41.180000,41.180000,2600000 +1957-11-26,40.090000,40.090000,40.090000,40.090000,40.090000,3650000 +1957-11-27,41.250000,41.250000,41.250000,41.250000,41.250000,3330000 +1957-11-29,41.720001,41.720001,41.720001,41.720001,41.720001,2740000 +1957-12-02,41.360001,41.360001,41.360001,41.360001,41.360001,2430000 +1957-12-03,41.369999,41.369999,41.369999,41.369999,41.369999,2060000 +1957-12-04,41.540001,41.540001,41.540001,41.540001,41.540001,2220000 +1957-12-05,41.520000,41.520000,41.520000,41.520000,41.520000,2020000 +1957-12-06,41.310001,41.310001,41.310001,41.310001,41.310001,2350000 +1957-12-09,40.919998,40.919998,40.919998,40.919998,40.919998,2230000 +1957-12-10,40.560001,40.560001,40.560001,40.560001,40.560001,2360000 +1957-12-11,40.509998,40.509998,40.509998,40.509998,40.509998,2240000 +1957-12-12,40.549999,40.549999,40.549999,40.549999,40.549999,2330000 +1957-12-13,40.730000,40.730000,40.730000,40.730000,40.730000,2310000 +1957-12-16,40.119999,40.119999,40.119999,40.119999,40.119999,2350000 +1957-12-17,39.419998,39.419998,39.419998,39.419998,39.419998,2820000 +1957-12-18,39.380001,39.380001,39.380001,39.380001,39.380001,2750000 +1957-12-19,39.799999,39.799999,39.799999,39.799999,39.799999,2740000 +1957-12-20,39.480000,39.480000,39.480000,39.480000,39.480000,2500000 +1957-12-23,39.480000,39.480000,39.480000,39.480000,39.480000,2790000 +1957-12-24,39.520000,39.520000,39.520000,39.520000,39.520000,2220000 +1957-12-26,39.919998,39.919998,39.919998,39.919998,39.919998,2280000 +1957-12-27,39.779999,39.779999,39.779999,39.779999,39.779999,2620000 +1957-12-30,39.580002,39.580002,39.580002,39.580002,39.580002,3750000 +1957-12-31,39.990002,39.990002,39.990002,39.990002,39.990002,5070000 +1958-01-02,40.330002,40.330002,40.330002,40.330002,40.330002,1800000 +1958-01-03,40.869999,40.869999,40.869999,40.869999,40.869999,2440000 +1958-01-06,40.680000,40.680000,40.680000,40.680000,40.680000,2500000 +1958-01-07,41.000000,41.000000,41.000000,41.000000,41.000000,2220000 +1958-01-08,40.990002,40.990002,40.990002,40.990002,40.990002,2230000 +1958-01-09,40.750000,40.750000,40.750000,40.750000,40.750000,2180000 +1958-01-10,40.369999,40.369999,40.369999,40.369999,40.369999,2010000 +1958-01-13,40.490002,40.490002,40.490002,40.490002,40.490002,1860000 +1958-01-14,40.669998,40.669998,40.669998,40.669998,40.669998,2010000 +1958-01-15,40.990002,40.990002,40.990002,40.990002,40.990002,2080000 +1958-01-16,41.060001,41.060001,41.060001,41.060001,41.060001,3950000 +1958-01-17,41.099998,41.099998,41.099998,41.099998,41.099998,2200000 +1958-01-20,41.349998,41.349998,41.349998,41.349998,41.349998,2310000 +1958-01-21,41.299999,41.299999,41.299999,41.299999,41.299999,2160000 +1958-01-22,41.200001,41.200001,41.200001,41.200001,41.200001,2390000 +1958-01-23,41.360001,41.360001,41.360001,41.360001,41.360001,1910000 +1958-01-24,41.709999,41.709999,41.709999,41.709999,41.709999,2830000 +1958-01-27,41.590000,41.590000,41.590000,41.590000,41.590000,2320000 +1958-01-28,41.630001,41.630001,41.630001,41.630001,41.630001,2030000 +1958-01-29,41.880001,41.880001,41.880001,41.880001,41.880001,2220000 +1958-01-30,41.680000,41.680000,41.680000,41.680000,41.680000,2150000 +1958-01-31,41.700001,41.700001,41.700001,41.700001,41.700001,2030000 +1958-02-03,42.040001,42.040001,42.040001,42.040001,42.040001,2490000 +1958-02-04,42.459999,42.459999,42.459999,42.459999,42.459999,2970000 +1958-02-05,42.189999,42.189999,42.189999,42.189999,42.189999,2480000 +1958-02-06,42.099998,42.099998,42.099998,42.099998,42.099998,2210000 +1958-02-07,41.730000,41.730000,41.730000,41.730000,41.730000,2220000 +1958-02-10,41.480000,41.480000,41.480000,41.480000,41.480000,1900000 +1958-02-11,41.110001,41.110001,41.110001,41.110001,41.110001,2110000 +1958-02-12,40.930000,40.930000,40.930000,40.930000,40.930000,2030000 +1958-02-13,40.939999,40.939999,40.939999,40.939999,40.939999,1880000 +1958-02-14,41.330002,41.330002,41.330002,41.330002,41.330002,2070000 +1958-02-17,41.110001,41.110001,41.110001,41.110001,41.110001,1700000 +1958-02-18,41.169998,41.169998,41.169998,41.169998,41.169998,1680000 +1958-02-19,41.150002,41.150002,41.150002,41.150002,41.150002,2070000 +1958-02-20,40.910000,40.910000,40.910000,40.910000,40.910000,2060000 +1958-02-21,40.880001,40.880001,40.880001,40.880001,40.880001,1700000 +1958-02-24,40.650002,40.650002,40.650002,40.650002,40.650002,1570000 +1958-02-25,40.610001,40.610001,40.610001,40.610001,40.610001,1920000 +1958-02-26,40.919998,40.919998,40.919998,40.919998,40.919998,1880000 +1958-02-27,40.680000,40.680000,40.680000,40.680000,40.680000,1670000 +1958-02-28,40.840000,40.840000,40.840000,40.840000,40.840000,1580000 +1958-03-03,41.130001,41.130001,41.130001,41.130001,41.130001,1810000 +1958-03-04,41.349998,41.349998,41.349998,41.349998,41.349998,2010000 +1958-03-05,41.470001,41.470001,41.470001,41.470001,41.470001,2020000 +1958-03-06,42.000000,42.000000,42.000000,42.000000,42.000000,2470000 +1958-03-07,42.070000,42.070000,42.070000,42.070000,42.070000,2130000 +1958-03-10,42.209999,42.209999,42.209999,42.209999,42.209999,1980000 +1958-03-11,42.509998,42.509998,42.509998,42.509998,42.509998,2640000 +1958-03-12,42.410000,42.410000,42.410000,42.410000,42.410000,2420000 +1958-03-13,42.459999,42.459999,42.459999,42.459999,42.459999,2830000 +1958-03-14,42.330002,42.330002,42.330002,42.330002,42.330002,2150000 +1958-03-17,42.040001,42.040001,42.040001,42.040001,42.040001,2130000 +1958-03-18,41.889999,41.889999,41.889999,41.889999,41.889999,2070000 +1958-03-19,42.090000,42.090000,42.090000,42.090000,42.090000,2410000 +1958-03-20,42.110001,42.110001,42.110001,42.110001,42.110001,2280000 +1958-03-21,42.419998,42.419998,42.419998,42.419998,42.419998,2430000 +1958-03-24,42.580002,42.580002,42.580002,42.580002,42.580002,2580000 +1958-03-25,42.439999,42.439999,42.439999,42.439999,42.439999,2210000 +1958-03-26,42.299999,42.299999,42.299999,42.299999,42.299999,1990000 +1958-03-27,42.169998,42.169998,42.169998,42.169998,42.169998,2140000 +1958-03-28,42.200001,42.200001,42.200001,42.200001,42.200001,1930000 +1958-03-31,42.099998,42.099998,42.099998,42.099998,42.099998,2050000 +1958-04-01,41.930000,41.930000,41.930000,41.930000,41.930000,2070000 +1958-04-02,41.599998,41.599998,41.599998,41.599998,41.599998,2390000 +1958-04-03,41.480000,41.480000,41.480000,41.480000,41.480000,2130000 +1958-04-07,41.330002,41.330002,41.330002,41.330002,41.330002,2090000 +1958-04-08,41.430000,41.430000,41.430000,41.430000,41.430000,2190000 +1958-04-09,41.650002,41.650002,41.650002,41.650002,41.650002,2040000 +1958-04-10,41.700001,41.700001,41.700001,41.700001,41.700001,2000000 +1958-04-11,41.740002,41.740002,41.740002,41.740002,41.740002,2060000 +1958-04-14,42.000000,42.000000,42.000000,42.000000,42.000000,2180000 +1958-04-15,42.430000,42.430000,42.430000,42.430000,42.430000,2590000 +1958-04-16,42.099998,42.099998,42.099998,42.099998,42.099998,2240000 +1958-04-17,42.250000,42.250000,42.250000,42.250000,42.250000,2500000 +1958-04-18,42.709999,42.709999,42.709999,42.709999,42.709999,2700000 +1958-04-21,42.930000,42.930000,42.930000,42.930000,42.930000,2550000 +1958-04-22,42.799999,42.799999,42.799999,42.799999,42.799999,2440000 +1958-04-23,42.799999,42.799999,42.799999,42.799999,42.799999,2720000 +1958-04-24,43.139999,43.139999,43.139999,43.139999,43.139999,2870000 +1958-04-25,43.360001,43.360001,43.360001,43.360001,43.360001,3020000 +1958-04-28,43.220001,43.220001,43.220001,43.220001,43.220001,2400000 +1958-04-29,43.000000,43.000000,43.000000,43.000000,43.000000,2190000 +1958-04-30,43.439999,43.439999,43.439999,43.439999,43.439999,2900000 +1958-05-01,43.540001,43.540001,43.540001,43.540001,43.540001,2630000 +1958-05-02,43.689999,43.689999,43.689999,43.689999,43.689999,2290000 +1958-05-05,43.790001,43.790001,43.790001,43.790001,43.790001,2670000 +1958-05-06,44.009998,44.009998,44.009998,44.009998,44.009998,3110000 +1958-05-07,43.930000,43.930000,43.930000,43.930000,43.930000,2770000 +1958-05-08,43.990002,43.990002,43.990002,43.990002,43.990002,2790000 +1958-05-09,44.090000,44.090000,44.090000,44.090000,44.090000,2760000 +1958-05-12,43.750000,43.750000,43.750000,43.750000,43.750000,2780000 +1958-05-13,43.619999,43.619999,43.619999,43.619999,43.619999,2940000 +1958-05-14,43.119999,43.119999,43.119999,43.119999,43.119999,3060000 +1958-05-15,43.340000,43.340000,43.340000,43.340000,43.340000,2470000 +1958-05-16,43.360001,43.360001,43.360001,43.360001,43.360001,2030000 +1958-05-19,43.240002,43.240002,43.240002,43.240002,43.240002,1910000 +1958-05-20,43.610001,43.610001,43.610001,43.610001,43.610001,2500000 +1958-05-21,43.549999,43.549999,43.549999,43.549999,43.549999,2580000 +1958-05-22,43.779999,43.779999,43.779999,43.779999,43.779999,2950000 +1958-05-23,43.869999,43.869999,43.869999,43.869999,43.869999,2570000 +1958-05-26,43.849998,43.849998,43.849998,43.849998,43.849998,2500000 +1958-05-27,43.790001,43.790001,43.790001,43.790001,43.790001,2180000 +1958-05-28,43.849998,43.849998,43.849998,43.849998,43.849998,2260000 +1958-05-29,44.090000,44.090000,44.090000,44.090000,44.090000,2350000 +1958-06-02,44.310001,44.310001,44.310001,44.310001,44.310001,2770000 +1958-06-03,44.459999,44.459999,44.459999,44.459999,44.459999,2780000 +1958-06-04,44.500000,44.500000,44.500000,44.500000,44.500000,2690000 +1958-06-05,44.549999,44.549999,44.549999,44.549999,44.549999,2600000 +1958-06-06,44.639999,44.639999,44.639999,44.639999,44.639999,2680000 +1958-06-09,44.570000,44.570000,44.570000,44.570000,44.570000,2380000 +1958-06-10,44.480000,44.480000,44.480000,44.480000,44.480000,2390000 +1958-06-11,44.490002,44.490002,44.490002,44.490002,44.490002,2570000 +1958-06-12,44.750000,44.750000,44.750000,44.750000,44.750000,2760000 +1958-06-13,45.020000,45.020000,45.020000,45.020000,45.020000,3100000 +1958-06-16,45.180000,45.180000,45.180000,45.180000,45.180000,2870000 +1958-06-17,44.939999,44.939999,44.939999,44.939999,44.939999,2950000 +1958-06-18,45.340000,45.340000,45.340000,45.340000,45.340000,2640000 +1958-06-19,44.610001,44.610001,44.610001,44.610001,44.610001,2690000 +1958-06-20,44.849998,44.849998,44.849998,44.849998,44.849998,2590000 +1958-06-23,44.689999,44.689999,44.689999,44.689999,44.689999,2340000 +1958-06-24,44.520000,44.520000,44.520000,44.520000,44.520000,2560000 +1958-06-25,44.630001,44.630001,44.630001,44.630001,44.630001,2720000 +1958-06-26,44.840000,44.840000,44.840000,44.840000,44.840000,2910000 +1958-06-27,44.900002,44.900002,44.900002,44.900002,44.900002,2800000 +1958-06-30,45.240002,45.240002,45.240002,45.240002,45.240002,2820000 +1958-07-01,45.279999,45.279999,45.279999,45.279999,45.279999,2600000 +1958-07-02,45.320000,45.320000,45.320000,45.320000,45.320000,2370000 +1958-07-03,45.470001,45.470001,45.470001,45.470001,45.470001,2630000 +1958-07-07,45.619999,45.619999,45.619999,45.619999,45.619999,2510000 +1958-07-08,45.400002,45.400002,45.400002,45.400002,45.400002,2430000 +1958-07-09,45.250000,45.250000,45.250000,45.250000,45.250000,2630000 +1958-07-10,45.419998,45.419998,45.419998,45.419998,45.419998,2510000 +1958-07-11,45.720001,45.720001,45.720001,45.720001,45.720001,2400000 +1958-07-14,45.139999,45.139999,45.139999,45.139999,45.139999,2540000 +1958-07-15,45.110001,45.110001,45.110001,45.110001,45.110001,3090000 +1958-07-16,45.250000,45.250000,45.250000,45.250000,45.250000,3240000 +1958-07-17,45.549999,45.549999,45.549999,45.549999,45.549999,3180000 +1958-07-18,45.770000,45.770000,45.770000,45.770000,45.770000,3350000 +1958-07-21,46.330002,46.330002,46.330002,46.330002,46.330002,3440000 +1958-07-22,46.410000,46.410000,46.410000,46.410000,46.410000,3420000 +1958-07-23,46.400002,46.400002,46.400002,46.400002,46.400002,3550000 +1958-07-24,46.650002,46.650002,46.650002,46.650002,46.650002,3740000 +1958-07-25,46.970001,46.970001,46.970001,46.970001,46.970001,4430000 +1958-07-28,47.150002,47.150002,47.150002,47.150002,47.150002,3940000 +1958-07-29,46.959999,46.959999,46.959999,46.959999,46.959999,3310000 +1958-07-30,47.090000,47.090000,47.090000,47.090000,47.090000,3680000 +1958-07-31,47.189999,47.189999,47.189999,47.189999,47.189999,4440000 +1958-08-01,47.490002,47.490002,47.490002,47.490002,47.490002,3380000 +1958-08-04,47.939999,47.939999,47.939999,47.939999,47.939999,4000000 +1958-08-05,47.750000,47.750000,47.750000,47.750000,47.750000,4210000 +1958-08-06,47.459999,47.459999,47.459999,47.459999,47.459999,3440000 +1958-08-07,47.770000,47.770000,47.770000,47.770000,47.770000,3200000 +1958-08-08,48.049999,48.049999,48.049999,48.049999,48.049999,3650000 +1958-08-11,48.160000,48.160000,48.160000,48.160000,48.160000,2870000 +1958-08-12,47.730000,47.730000,47.730000,47.730000,47.730000,2600000 +1958-08-13,47.810001,47.810001,47.810001,47.810001,47.810001,2790000 +1958-08-14,47.910000,47.910000,47.910000,47.910000,47.910000,3370000 +1958-08-15,47.500000,47.500000,47.500000,47.500000,47.500000,2960000 +1958-08-18,47.220001,47.220001,47.220001,47.220001,47.220001,2390000 +1958-08-19,47.299999,47.299999,47.299999,47.299999,47.299999,2250000 +1958-08-20,47.320000,47.320000,47.320000,47.320000,47.320000,2460000 +1958-08-21,47.630001,47.630001,47.630001,47.630001,47.630001,2500000 +1958-08-22,47.730000,47.730000,47.730000,47.730000,47.730000,2660000 +1958-08-25,47.740002,47.740002,47.740002,47.740002,47.740002,2610000 +1958-08-26,47.900002,47.900002,47.900002,47.900002,47.900002,2910000 +1958-08-27,47.910000,47.910000,47.910000,47.910000,47.910000,3250000 +1958-08-28,47.660000,47.660000,47.660000,47.660000,47.660000,2540000 +1958-08-29,47.750000,47.750000,47.750000,47.750000,47.750000,2260000 +1958-09-02,48.000000,48.000000,48.000000,48.000000,48.000000,2930000 +1958-09-03,48.180000,48.180000,48.180000,48.180000,48.180000,3240000 +1958-09-04,48.099998,48.099998,48.099998,48.099998,48.099998,3100000 +1958-09-05,47.970001,47.970001,47.970001,47.970001,47.970001,2520000 +1958-09-08,48.130001,48.130001,48.130001,48.130001,48.130001,3030000 +1958-09-09,48.459999,48.459999,48.459999,48.459999,48.459999,3480000 +1958-09-10,48.310001,48.310001,48.310001,48.310001,48.310001,2820000 +1958-09-11,48.639999,48.639999,48.639999,48.639999,48.639999,3300000 +1958-09-12,48.529999,48.529999,48.529999,48.529999,48.529999,3100000 +1958-09-15,48.959999,48.959999,48.959999,48.959999,48.959999,3040000 +1958-09-16,49.349998,49.349998,49.349998,49.349998,49.349998,3940000 +1958-09-17,49.349998,49.349998,49.349998,49.349998,49.349998,3790000 +1958-09-18,49.380001,49.380001,49.380001,49.380001,49.380001,3460000 +1958-09-19,49.400002,49.400002,49.400002,49.400002,49.400002,3880000 +1958-09-22,49.200001,49.200001,49.200001,49.200001,49.200001,3490000 +1958-09-23,49.560001,49.560001,49.560001,49.560001,49.560001,3950000 +1958-09-24,49.779999,49.779999,49.779999,49.779999,49.779999,3120000 +1958-09-25,49.570000,49.570000,49.570000,49.570000,49.570000,4490000 +1958-09-26,49.660000,49.660000,49.660000,49.660000,49.660000,3420000 +1958-09-29,49.869999,49.869999,49.869999,49.869999,49.869999,3680000 +1958-09-30,50.060001,50.060001,50.060001,50.060001,50.060001,4160000 +1958-10-01,49.980000,49.980000,49.980000,49.980000,49.980000,3780000 +1958-10-02,50.169998,50.169998,50.169998,50.169998,50.169998,3750000 +1958-10-03,50.369999,50.369999,50.369999,50.369999,50.369999,3830000 +1958-10-06,51.070000,51.070000,51.070000,51.070000,51.070000,3570000 +1958-10-07,51.070000,51.070000,51.070000,51.070000,51.070000,3570000 +1958-10-08,51.060001,51.060001,51.060001,51.060001,51.060001,3680000 +1958-10-09,51.049999,51.049999,51.049999,51.049999,51.049999,3670000 +1958-10-10,51.389999,51.389999,51.389999,51.389999,51.389999,4610000 +1958-10-13,51.619999,51.619999,51.619999,51.619999,51.619999,4550000 +1958-10-14,51.259998,51.259998,51.259998,51.259998,51.259998,5110000 +1958-10-15,50.580002,50.580002,50.580002,50.580002,50.580002,4810000 +1958-10-16,50.939999,50.939999,50.939999,50.939999,50.939999,4560000 +1958-10-17,51.459999,51.459999,51.459999,51.459999,51.459999,5360000 +1958-10-20,51.270000,51.270000,51.270000,51.270000,51.270000,4560000 +1958-10-21,51.270000,51.270000,51.270000,51.270000,51.270000,4010000 +1958-10-22,51.070000,51.070000,51.070000,51.070000,51.070000,3500000 +1958-10-23,50.970001,50.970001,50.970001,50.970001,50.970001,3610000 +1958-10-24,50.810001,50.810001,50.810001,50.810001,50.810001,3770000 +1958-10-27,50.419998,50.419998,50.419998,50.419998,50.419998,3980000 +1958-10-28,50.580002,50.580002,50.580002,50.580002,50.580002,3670000 +1958-10-29,51.070000,51.070000,51.070000,51.070000,51.070000,4790000 +1958-10-30,51.270000,51.270000,51.270000,51.270000,51.270000,4360000 +1958-10-31,51.330002,51.330002,51.330002,51.330002,51.330002,3920000 +1958-11-03,51.560001,51.560001,51.560001,51.560001,51.560001,3240000 +1958-11-05,52.029999,52.029999,52.029999,52.029999,52.029999,4080000 +1958-11-06,52.450001,52.450001,52.450001,52.450001,52.450001,4890000 +1958-11-07,52.259998,52.259998,52.259998,52.259998,52.259998,3700000 +1958-11-10,52.570000,52.570000,52.570000,52.570000,52.570000,3730000 +1958-11-11,52.980000,52.980000,52.980000,52.980000,52.980000,4040000 +1958-11-12,53.049999,53.049999,53.049999,53.049999,53.049999,4440000 +1958-11-13,52.830002,52.830002,52.830002,52.830002,52.830002,4200000 +1958-11-14,53.090000,53.090000,53.090000,53.090000,53.090000,4390000 +1958-11-17,53.240002,53.240002,53.240002,53.240002,53.240002,4540000 +1958-11-18,53.130001,53.130001,53.130001,53.130001,53.130001,3820000 +1958-11-19,53.200001,53.200001,53.200001,53.200001,53.200001,4090000 +1958-11-20,53.209999,53.209999,53.209999,53.209999,53.209999,4320000 +1958-11-21,52.700001,52.700001,52.700001,52.700001,52.700001,3950000 +1958-11-24,52.029999,52.029999,52.029999,52.029999,52.029999,4770000 +1958-11-25,51.020000,51.020000,51.020000,51.020000,51.020000,3940000 +1958-11-26,51.900002,51.900002,51.900002,51.900002,51.900002,4090000 +1958-11-28,52.480000,52.480000,52.480000,52.480000,52.480000,4120000 +1958-12-01,52.689999,52.689999,52.689999,52.689999,52.689999,3800000 +1958-12-02,52.459999,52.459999,52.459999,52.459999,52.459999,3320000 +1958-12-03,52.529999,52.529999,52.529999,52.529999,52.529999,3460000 +1958-12-04,52.549999,52.549999,52.549999,52.549999,52.549999,3630000 +1958-12-05,52.459999,52.459999,52.459999,52.459999,52.459999,3360000 +1958-12-08,52.459999,52.459999,52.459999,52.459999,52.459999,3590000 +1958-12-09,52.820000,52.820000,52.820000,52.820000,52.820000,3790000 +1958-12-10,53.459999,53.459999,53.459999,53.459999,53.459999,4340000 +1958-12-11,53.349998,53.349998,53.349998,53.349998,53.349998,4250000 +1958-12-12,53.220001,53.220001,53.220001,53.220001,53.220001,3140000 +1958-12-15,53.369999,53.369999,53.369999,53.369999,53.369999,3340000 +1958-12-16,53.570000,53.570000,53.570000,53.570000,53.570000,3970000 +1958-12-17,53.919998,53.919998,53.919998,53.919998,53.919998,3900000 +1958-12-18,54.150002,54.150002,54.150002,54.150002,54.150002,3900000 +1958-12-19,54.070000,54.070000,54.070000,54.070000,54.070000,3540000 +1958-12-22,53.709999,53.709999,53.709999,53.709999,53.709999,3030000 +1958-12-23,53.419998,53.419998,53.419998,53.419998,53.419998,2870000 +1958-12-24,54.110001,54.110001,54.110001,54.110001,54.110001,3050000 +1958-12-29,54.740002,54.740002,54.740002,54.740002,54.740002,3790000 +1958-12-30,54.930000,54.930000,54.930000,54.930000,54.930000,3900000 +1958-12-31,55.209999,55.209999,55.209999,55.209999,55.209999,3970000 +1959-01-02,55.439999,55.439999,55.439999,55.439999,55.439999,3380000 +1959-01-05,55.660000,55.660000,55.660000,55.660000,55.660000,4210000 +1959-01-06,55.590000,55.590000,55.590000,55.590000,55.590000,3690000 +1959-01-07,54.889999,54.889999,54.889999,54.889999,54.889999,4140000 +1959-01-08,55.400002,55.400002,55.400002,55.400002,55.400002,4030000 +1959-01-09,55.770000,55.770000,55.770000,55.770000,55.770000,4760000 +1959-01-12,55.779999,55.779999,55.779999,55.779999,55.779999,4320000 +1959-01-13,55.470001,55.470001,55.470001,55.470001,55.470001,3790000 +1959-01-14,55.619999,55.619999,55.619999,55.619999,55.619999,4090000 +1959-01-15,55.830002,55.830002,55.830002,55.830002,55.830002,4500000 +1959-01-16,55.810001,55.810001,55.810001,55.810001,55.810001,4300000 +1959-01-19,55.680000,55.680000,55.680000,55.680000,55.680000,3840000 +1959-01-20,55.720001,55.720001,55.720001,55.720001,55.720001,3680000 +1959-01-21,56.040001,56.040001,56.040001,56.040001,56.040001,3940000 +1959-01-22,55.970001,55.970001,55.970001,55.970001,55.970001,4250000 +1959-01-23,56.000000,56.000000,56.000000,56.000000,56.000000,3600000 +1959-01-26,55.770000,55.770000,55.770000,55.770000,55.770000,3980000 +1959-01-27,55.779999,55.779999,55.779999,55.779999,55.779999,3480000 +1959-01-28,55.160000,55.160000,55.160000,55.160000,55.160000,4190000 +1959-01-29,55.200001,55.200001,55.200001,55.200001,55.200001,3470000 +1959-01-30,55.450001,55.450001,55.450001,55.450001,55.450001,3600000 +1959-02-02,55.209999,55.209999,55.209999,55.209999,55.209999,3610000 +1959-02-03,55.279999,55.279999,55.279999,55.279999,55.279999,3220000 +1959-02-04,55.060001,55.060001,55.060001,55.060001,55.060001,3170000 +1959-02-05,54.810001,54.810001,54.810001,54.810001,54.810001,3140000 +1959-02-06,54.369999,54.369999,54.369999,54.369999,54.369999,3010000 +1959-02-09,53.580002,53.580002,53.580002,53.580002,53.580002,3130000 +1959-02-10,54.320000,54.320000,54.320000,54.320000,54.320000,2960000 +1959-02-11,54.349998,54.349998,54.349998,54.349998,54.349998,3000000 +1959-02-12,54.000000,54.000000,54.000000,54.000000,54.000000,2630000 +1959-02-13,54.419998,54.419998,54.419998,54.419998,54.419998,3070000 +1959-02-16,54.500000,54.500000,54.500000,54.500000,54.500000,3480000 +1959-02-17,54.290001,54.290001,54.290001,54.290001,54.290001,3190000 +1959-02-18,54.299999,54.299999,54.299999,54.299999,54.299999,3480000 +1959-02-19,55.500000,55.500000,55.500000,55.500000,55.500000,4160000 +1959-02-20,55.520000,55.520000,55.520000,55.520000,55.520000,4190000 +1959-02-24,55.480000,55.480000,55.480000,55.480000,55.480000,4340000 +1959-02-25,55.240002,55.240002,55.240002,55.240002,55.240002,3780000 +1959-02-26,55.340000,55.340000,55.340000,55.340000,55.340000,3930000 +1959-02-27,55.410000,55.410000,55.410000,55.410000,55.410000,4300000 +1959-03-02,55.730000,55.730000,55.730000,55.730000,55.730000,4210000 +1959-03-03,56.250000,56.250000,56.250000,56.250000,56.250000,4790000 +1959-03-04,56.349998,56.349998,56.349998,56.349998,56.349998,4150000 +1959-03-05,56.430000,56.430000,56.430000,56.430000,56.430000,3930000 +1959-03-06,56.209999,56.209999,56.209999,56.209999,56.209999,3930000 +1959-03-09,56.150002,56.150002,56.150002,56.150002,56.150002,3530000 +1959-03-10,56.310001,56.310001,56.310001,56.310001,56.310001,3920000 +1959-03-11,56.349998,56.349998,56.349998,56.349998,56.349998,4160000 +1959-03-12,56.599998,56.599998,56.599998,56.599998,56.599998,4690000 +1959-03-13,56.669998,56.669998,56.669998,56.669998,56.669998,4880000 +1959-03-16,56.060001,56.060001,56.060001,56.060001,56.060001,4420000 +1959-03-17,56.520000,56.520000,56.520000,56.520000,56.520000,4730000 +1959-03-18,56.389999,56.389999,56.389999,56.389999,56.389999,4530000 +1959-03-19,56.340000,56.340000,56.340000,56.340000,56.340000,4150000 +1959-03-20,56.389999,56.389999,56.389999,56.389999,56.389999,3770000 +1959-03-23,55.869999,55.869999,55.869999,55.869999,55.869999,3700000 +1959-03-24,55.959999,55.959999,55.959999,55.959999,55.959999,3000000 +1959-03-25,55.880001,55.880001,55.880001,55.880001,55.880001,3280000 +1959-03-26,55.759998,55.759998,55.759998,55.759998,55.759998,2900000 +1959-03-30,55.450001,55.450001,55.450001,55.450001,55.450001,2940000 +1959-03-31,55.439999,55.439999,55.439999,55.439999,55.439999,2820000 +1959-04-01,55.689999,55.689999,55.689999,55.689999,55.689999,2980000 +1959-04-02,56.000000,56.000000,56.000000,56.000000,56.000000,3220000 +1959-04-03,56.439999,56.439999,56.439999,56.439999,56.439999,3680000 +1959-04-06,56.599998,56.599998,56.599998,56.599998,56.599998,3510000 +1959-04-07,56.480000,56.480000,56.480000,56.480000,56.480000,3020000 +1959-04-08,56.209999,56.209999,56.209999,56.209999,56.209999,3260000 +1959-04-09,56.169998,56.169998,56.169998,56.169998,56.169998,2830000 +1959-04-10,56.220001,56.220001,56.220001,56.220001,56.220001,3000000 +1959-04-13,56.430000,56.430000,56.430000,56.430000,56.430000,3140000 +1959-04-14,56.709999,56.709999,56.709999,56.709999,56.709999,3320000 +1959-04-15,56.959999,56.959999,56.959999,56.959999,56.959999,3680000 +1959-04-16,57.430000,57.430000,57.430000,57.430000,57.430000,3790000 +1959-04-17,57.919998,57.919998,57.919998,57.919998,57.919998,3870000 +1959-04-20,58.169998,58.169998,58.169998,58.169998,58.169998,3610000 +1959-04-21,58.110001,58.110001,58.110001,58.110001,58.110001,3650000 +1959-04-22,57.730000,57.730000,57.730000,57.730000,57.730000,3430000 +1959-04-23,57.599998,57.599998,57.599998,57.599998,57.599998,3310000 +1959-04-24,57.959999,57.959999,57.959999,57.959999,57.959999,3790000 +1959-04-27,58.139999,58.139999,58.139999,58.139999,58.139999,3850000 +1959-04-28,57.919998,57.919998,57.919998,57.919998,57.919998,3920000 +1959-04-29,57.689999,57.689999,57.689999,57.689999,57.689999,3470000 +1959-04-30,57.590000,57.590000,57.590000,57.590000,57.590000,3510000 +1959-05-01,57.650002,57.650002,57.650002,57.650002,57.650002,3020000 +1959-05-04,57.650002,57.650002,57.650002,57.650002,57.650002,3060000 +1959-05-05,57.750000,57.750000,57.750000,57.750000,57.750000,3360000 +1959-05-06,57.610001,57.610001,57.610001,57.610001,57.610001,4110000 +1959-05-07,56.880001,56.880001,56.880001,56.880001,56.880001,4530000 +1959-05-08,57.320000,57.320000,57.320000,57.320000,57.320000,3930000 +1959-05-11,57.959999,57.959999,57.959999,57.959999,57.959999,3860000 +1959-05-12,57.959999,57.959999,57.959999,57.959999,57.959999,3550000 +1959-05-13,57.970001,57.970001,57.970001,57.970001,57.970001,3540000 +1959-05-14,58.369999,58.369999,58.369999,58.369999,58.369999,3660000 +1959-05-15,58.160000,58.160000,58.160000,58.160000,58.160000,3510000 +1959-05-18,58.150002,58.150002,58.150002,58.150002,58.150002,2970000 +1959-05-19,58.320000,58.320000,58.320000,58.320000,58.320000,3170000 +1959-05-20,58.090000,58.090000,58.090000,58.090000,58.090000,3550000 +1959-05-21,58.139999,58.139999,58.139999,58.139999,58.139999,3230000 +1959-05-22,58.330002,58.330002,58.330002,58.330002,58.330002,3030000 +1959-05-25,58.180000,58.180000,58.180000,58.180000,58.180000,3260000 +1959-05-26,58.090000,58.090000,58.090000,58.090000,58.090000,2910000 +1959-05-27,58.189999,58.189999,58.189999,58.189999,58.189999,2940000 +1959-05-28,58.389999,58.389999,58.389999,58.389999,58.389999,2970000 +1959-05-29,58.680000,58.680000,58.680000,58.680000,58.680000,2790000 +1959-06-01,58.630001,58.630001,58.630001,58.630001,58.630001,2730000 +1959-06-02,58.230000,58.230000,58.230000,58.230000,58.230000,3120000 +1959-06-03,58.250000,58.250000,58.250000,58.250000,58.250000,2910000 +1959-06-04,57.630001,57.630001,57.630001,57.630001,57.630001,3210000 +1959-06-05,57.509998,57.509998,57.509998,57.509998,57.509998,2800000 +1959-06-08,56.759998,56.759998,56.759998,56.759998,56.759998,2970000 +1959-06-09,56.360001,56.360001,56.360001,56.360001,56.360001,3490000 +1959-06-10,57.189999,57.189999,57.189999,57.189999,57.189999,3310000 +1959-06-11,57.250000,57.250000,57.250000,57.250000,57.250000,3120000 +1959-06-12,57.290001,57.290001,57.290001,57.290001,57.290001,2580000 +1959-06-15,56.990002,56.990002,56.990002,56.990002,56.990002,2410000 +1959-06-16,56.560001,56.560001,56.560001,56.560001,56.560001,2440000 +1959-06-17,57.090000,57.090000,57.090000,57.090000,57.090000,2850000 +1959-06-18,57.049999,57.049999,57.049999,57.049999,57.049999,3150000 +1959-06-19,57.130001,57.130001,57.130001,57.130001,57.130001,2260000 +1959-06-22,57.130001,57.130001,57.130001,57.130001,57.130001,2630000 +1959-06-23,57.119999,57.119999,57.119999,57.119999,57.119999,2600000 +1959-06-24,57.410000,57.410000,57.410000,57.410000,57.410000,3180000 +1959-06-25,57.730000,57.730000,57.730000,57.730000,57.730000,3250000 +1959-06-26,57.980000,57.980000,57.980000,57.980000,57.980000,3100000 +1959-06-29,58.369999,58.369999,58.369999,58.369999,58.369999,3000000 +1959-06-30,58.470001,58.470001,58.470001,58.470001,58.470001,3200000 +1959-07-01,58.970001,58.970001,58.970001,58.970001,58.970001,3150000 +1959-07-02,59.279999,59.279999,59.279999,59.279999,59.279999,3610000 +1959-07-06,59.650002,59.650002,59.650002,59.650002,59.650002,3720000 +1959-07-07,60.009998,60.009998,60.009998,60.009998,60.009998,3840000 +1959-07-08,60.029999,60.029999,60.029999,60.029999,60.029999,4010000 +1959-07-09,59.970001,59.970001,59.970001,59.970001,59.970001,3560000 +1959-07-10,59.910000,59.910000,59.910000,59.910000,59.910000,3600000 +1959-07-13,59.410000,59.410000,59.410000,59.410000,59.410000,3360000 +1959-07-14,59.549999,59.549999,59.549999,59.549999,59.549999,3230000 +1959-07-15,59.590000,59.590000,59.590000,59.590000,59.590000,3280000 +1959-07-16,59.410000,59.410000,59.410000,59.410000,59.410000,3170000 +1959-07-17,59.189999,59.189999,59.189999,59.189999,59.189999,2510000 +1959-07-20,58.910000,58.910000,58.910000,58.910000,58.910000,2500000 +1959-07-21,59.410000,59.410000,59.410000,59.410000,59.410000,2950000 +1959-07-22,59.610001,59.610001,59.610001,59.610001,59.610001,3310000 +1959-07-23,59.669998,59.669998,59.669998,59.669998,59.669998,3310000 +1959-07-24,59.650002,59.650002,59.650002,59.650002,59.650002,2720000 +1959-07-27,60.020000,60.020000,60.020000,60.020000,60.020000,2910000 +1959-07-28,60.320000,60.320000,60.320000,60.320000,60.320000,3190000 +1959-07-29,60.619999,60.619999,60.619999,60.619999,60.619999,3460000 +1959-07-30,60.500000,60.500000,60.500000,60.500000,60.500000,3240000 +1959-07-31,60.509998,60.509998,60.509998,60.509998,60.509998,2270000 +1959-08-03,60.709999,60.709999,60.709999,60.709999,60.709999,2410000 +1959-08-04,60.610001,60.610001,60.610001,60.610001,60.610001,2530000 +1959-08-05,60.299999,60.299999,60.299999,60.299999,60.299999,2630000 +1959-08-06,60.240002,60.240002,60.240002,60.240002,60.240002,2610000 +1959-08-07,59.869999,59.869999,59.869999,59.869999,59.869999,2580000 +1959-08-10,58.619999,58.619999,58.619999,58.619999,58.619999,4190000 +1959-08-11,59.389999,59.389999,59.389999,59.389999,59.389999,2980000 +1959-08-12,59.250000,59.250000,59.250000,59.250000,59.250000,2700000 +1959-08-13,59.150002,59.150002,59.150002,59.150002,59.150002,2020000 +1959-08-14,59.290001,59.290001,59.290001,59.290001,59.290001,1990000 +1959-08-17,59.169998,59.169998,59.169998,59.169998,59.169998,1980000 +1959-08-18,58.619999,58.619999,58.619999,58.619999,58.619999,2280000 +1959-08-19,58.270000,58.270000,58.270000,58.270000,58.270000,3050000 +1959-08-20,59.139999,59.139999,59.139999,59.139999,59.139999,2450000 +1959-08-21,59.080002,59.080002,59.080002,59.080002,59.080002,2000000 +1959-08-24,58.869999,58.869999,58.869999,58.869999,58.869999,1860000 +1959-08-25,58.990002,58.990002,58.990002,58.990002,58.990002,1960000 +1959-08-26,59.070000,59.070000,59.070000,59.070000,59.070000,2210000 +1959-08-27,59.580002,59.580002,59.580002,59.580002,59.580002,2550000 +1959-08-28,59.599998,59.599998,59.599998,59.599998,59.599998,1930000 +1959-08-31,59.599998,59.599998,59.599998,59.599998,59.599998,2140000 +1959-09-01,58.869999,58.869999,58.869999,58.869999,58.869999,2430000 +1959-09-02,58.919998,58.919998,58.919998,58.919998,58.919998,2370000 +1959-09-03,58.259998,58.259998,58.259998,58.259998,58.259998,2330000 +1959-09-04,58.540001,58.540001,58.540001,58.540001,58.540001,2300000 +1959-09-08,57.700001,57.700001,57.700001,57.700001,57.700001,2940000 +1959-09-09,57.290001,57.290001,57.290001,57.290001,57.290001,3030000 +1959-09-10,56.990002,56.990002,56.990002,56.990002,56.990002,2520000 +1959-09-11,57.410000,57.410000,57.410000,57.410000,57.410000,2640000 +1959-09-14,56.990002,56.990002,56.990002,56.990002,56.990002,2590000 +1959-09-15,56.680000,56.680000,56.680000,56.680000,56.680000,2830000 +1959-09-16,56.720001,56.720001,56.720001,56.720001,56.720001,2180000 +1959-09-17,56.410000,56.410000,56.410000,56.410000,56.410000,2090000 +1959-09-18,56.189999,56.189999,56.189999,56.189999,56.189999,2530000 +1959-09-21,55.270000,55.270000,55.270000,55.270000,55.270000,3240000 +1959-09-22,55.139999,55.139999,55.139999,55.139999,55.139999,3000000 +1959-09-23,55.820000,55.820000,55.820000,55.820000,55.820000,3010000 +1959-09-24,56.779999,56.779999,56.779999,56.779999,56.779999,3480000 +1959-09-25,56.730000,56.730000,56.730000,56.730000,56.730000,3280000 +1959-09-28,57.150002,57.150002,57.150002,57.150002,57.150002,2640000 +1959-09-29,57.509998,57.509998,57.509998,57.509998,57.509998,3220000 +1959-09-30,56.880001,56.880001,56.880001,56.880001,56.880001,2850000 +1959-10-01,56.939999,56.939999,56.939999,56.939999,56.939999,2660000 +1959-10-02,57.200001,57.200001,57.200001,57.200001,57.200001,2270000 +1959-10-05,57.139999,57.139999,57.139999,57.139999,57.139999,2100000 +1959-10-06,57.090000,57.090000,57.090000,57.090000,57.090000,2330000 +1959-10-07,56.939999,56.939999,56.939999,56.939999,56.939999,2380000 +1959-10-08,56.810001,56.810001,56.810001,56.810001,56.810001,2510000 +1959-10-09,57.000000,57.000000,57.000000,57.000000,57.000000,2540000 +1959-10-12,57.320000,57.320000,57.320000,57.320000,57.320000,1750000 +1959-10-13,57.160000,57.160000,57.160000,57.160000,57.160000,2530000 +1959-10-14,56.709999,56.709999,56.709999,56.709999,56.709999,2320000 +1959-10-15,56.869999,56.869999,56.869999,56.869999,56.869999,2190000 +1959-10-16,57.330002,57.330002,57.330002,57.330002,57.330002,2760000 +1959-10-19,57.009998,57.009998,57.009998,57.009998,57.009998,2470000 +1959-10-20,56.660000,56.660000,56.660000,56.660000,56.660000,2740000 +1959-10-21,56.549999,56.549999,56.549999,56.549999,56.549999,2730000 +1959-10-22,56.000000,56.000000,56.000000,56.000000,56.000000,3060000 +1959-10-23,56.560001,56.560001,56.560001,56.560001,56.560001,2880000 +1959-10-26,56.939999,56.939999,56.939999,56.939999,56.939999,3580000 +1959-10-27,57.419998,57.419998,57.419998,57.419998,57.419998,4160000 +1959-10-28,57.459999,57.459999,57.459999,57.459999,57.459999,3920000 +1959-10-29,57.410000,57.410000,57.410000,57.410000,57.410000,3890000 +1959-10-30,57.520000,57.520000,57.520000,57.520000,57.520000,3560000 +1959-11-02,57.410000,57.410000,57.410000,57.410000,57.410000,3320000 +1959-11-04,57.259998,57.259998,57.259998,57.259998,57.259998,3940000 +1959-11-05,57.320000,57.320000,57.320000,57.320000,57.320000,3170000 +1959-11-06,57.599998,57.599998,57.599998,57.599998,57.599998,3450000 +1959-11-09,57.500000,57.500000,57.500000,57.500000,57.500000,3700000 +1959-11-10,57.480000,57.480000,57.480000,57.480000,57.480000,3020000 +1959-11-11,57.490002,57.490002,57.490002,57.490002,57.490002,2820000 +1959-11-12,57.169998,57.169998,57.169998,57.169998,57.169998,3600000 +1959-11-13,56.849998,56.849998,56.849998,56.849998,56.849998,3050000 +1959-11-16,56.220001,56.220001,56.220001,56.220001,56.220001,3710000 +1959-11-17,56.380001,56.380001,56.380001,56.380001,56.380001,3570000 +1959-11-18,56.990002,56.990002,56.990002,56.990002,56.990002,3660000 +1959-11-19,56.939999,56.939999,56.939999,56.939999,56.939999,3230000 +1959-11-20,56.970001,56.970001,56.970001,56.970001,56.970001,2960000 +1959-11-23,57.080002,57.080002,57.080002,57.080002,57.080002,3400000 +1959-11-24,57.349998,57.349998,57.349998,57.349998,57.349998,3650000 +1959-11-25,57.439999,57.439999,57.439999,57.439999,57.439999,3550000 +1959-11-27,57.700001,57.700001,57.700001,57.700001,57.700001,3030000 +1959-11-30,58.279999,58.279999,58.279999,58.279999,58.279999,3670000 +1959-12-01,58.700001,58.700001,58.700001,58.700001,58.700001,3990000 +1959-12-02,58.599998,58.599998,58.599998,58.599998,58.599998,3490000 +1959-12-03,58.730000,58.730000,58.730000,58.730000,58.730000,3280000 +1959-12-04,58.849998,58.849998,58.849998,58.849998,58.849998,3590000 +1959-12-07,58.959999,58.959999,58.959999,58.959999,58.959999,3620000 +1959-12-08,59.340000,59.340000,59.340000,59.340000,59.340000,3870000 +1959-12-09,58.970001,58.970001,58.970001,58.970001,58.970001,3430000 +1959-12-10,59.020000,59.020000,59.020000,59.020000,59.020000,3170000 +1959-12-11,58.880001,58.880001,58.880001,58.880001,58.880001,2910000 +1959-12-14,59.040001,59.040001,59.040001,59.040001,59.040001,3100000 +1959-12-15,58.900002,58.900002,58.900002,58.900002,58.900002,3450000 +1959-12-16,58.970001,58.970001,58.970001,58.970001,58.970001,3270000 +1959-12-17,58.860001,58.860001,58.860001,58.860001,58.860001,3040000 +1959-12-18,59.139999,59.139999,59.139999,59.139999,59.139999,3230000 +1959-12-21,59.209999,59.209999,59.209999,59.209999,59.209999,3290000 +1959-12-22,59.139999,59.139999,59.139999,59.139999,59.139999,2930000 +1959-12-23,58.959999,58.959999,58.959999,58.959999,58.959999,2890000 +1959-12-24,59.000000,59.000000,59.000000,59.000000,59.000000,2320000 +1959-12-28,58.980000,58.980000,58.980000,58.980000,58.980000,2830000 +1959-12-29,59.299999,59.299999,59.299999,59.299999,59.299999,3020000 +1959-12-30,59.770000,59.770000,59.770000,59.770000,59.770000,3680000 +1959-12-31,59.889999,59.889999,59.889999,59.889999,59.889999,3810000 +1960-01-04,59.910000,59.910000,59.910000,59.910000,59.910000,3990000 +1960-01-05,60.389999,60.389999,60.389999,60.389999,60.389999,3710000 +1960-01-06,60.130001,60.130001,60.130001,60.130001,60.130001,3730000 +1960-01-07,59.689999,59.689999,59.689999,59.689999,59.689999,3310000 +1960-01-08,59.500000,59.500000,59.500000,59.500000,59.500000,3290000 +1960-01-11,58.770000,58.770000,58.770000,58.770000,58.770000,3470000 +1960-01-12,58.410000,58.410000,58.410000,58.410000,58.410000,3760000 +1960-01-13,58.080002,58.080002,58.080002,58.080002,58.080002,3470000 +1960-01-14,58.400002,58.400002,58.400002,58.400002,58.400002,3560000 +1960-01-15,58.380001,58.380001,58.380001,58.380001,58.380001,3400000 +1960-01-18,57.889999,57.889999,57.889999,57.889999,57.889999,3020000 +1960-01-19,57.270000,57.270000,57.270000,57.270000,57.270000,3100000 +1960-01-20,57.070000,57.070000,57.070000,57.070000,57.070000,2720000 +1960-01-21,57.209999,57.209999,57.209999,57.209999,57.209999,2700000 +1960-01-22,57.380001,57.380001,57.380001,57.380001,57.380001,2690000 +1960-01-25,56.779999,56.779999,56.779999,56.779999,56.779999,2790000 +1960-01-26,56.860001,56.860001,56.860001,56.860001,56.860001,3060000 +1960-01-27,56.720001,56.720001,56.720001,56.720001,56.720001,2460000 +1960-01-28,56.130001,56.130001,56.130001,56.130001,56.130001,2630000 +1960-01-29,55.610001,55.610001,55.610001,55.610001,55.610001,3060000 +1960-02-01,55.959999,55.959999,55.959999,55.959999,55.959999,2820000 +1960-02-02,56.820000,56.820000,56.820000,56.820000,56.820000,3080000 +1960-02-03,56.320000,56.320000,56.320000,56.320000,56.320000,3020000 +1960-02-04,56.270000,56.270000,56.270000,56.270000,56.270000,2600000 +1960-02-05,55.980000,55.980000,55.980000,55.980000,55.980000,2530000 +1960-02-08,55.320000,55.320000,55.320000,55.320000,55.320000,3350000 +1960-02-09,55.840000,55.840000,55.840000,55.840000,55.840000,2860000 +1960-02-10,55.490002,55.490002,55.490002,55.490002,55.490002,2440000 +1960-02-11,55.180000,55.180000,55.180000,55.180000,55.180000,2610000 +1960-02-12,55.459999,55.459999,55.459999,55.459999,55.459999,2230000 +1960-02-15,55.169998,55.169998,55.169998,55.169998,55.169998,2780000 +1960-02-16,54.730000,54.730000,54.730000,54.730000,54.730000,3270000 +1960-02-17,55.029999,55.029999,55.029999,55.029999,55.029999,4210000 +1960-02-18,55.799999,55.799999,55.799999,55.799999,55.799999,3800000 +1960-02-19,56.240002,56.240002,56.240002,56.240002,56.240002,3230000 +1960-02-23,55.939999,55.939999,55.939999,55.939999,55.939999,2960000 +1960-02-24,55.740002,55.740002,55.740002,55.740002,55.740002,2740000 +1960-02-25,55.930000,55.930000,55.930000,55.930000,55.930000,3600000 +1960-02-26,56.160000,56.160000,56.160000,56.160000,56.160000,3380000 +1960-02-29,56.119999,56.119999,56.119999,56.119999,56.119999,2990000 +1960-03-01,56.009998,56.009998,56.009998,56.009998,56.009998,2920000 +1960-03-02,55.619999,55.619999,55.619999,55.619999,55.619999,3110000 +1960-03-03,54.779999,54.779999,54.779999,54.779999,54.779999,3160000 +1960-03-04,54.570000,54.570000,54.570000,54.570000,54.570000,4060000 +1960-03-07,54.020000,54.020000,54.020000,54.020000,54.020000,2900000 +1960-03-08,53.470001,53.470001,53.470001,53.470001,53.470001,3370000 +1960-03-09,54.040001,54.040001,54.040001,54.040001,54.040001,3580000 +1960-03-10,53.830002,53.830002,53.830002,53.830002,53.830002,3350000 +1960-03-11,54.240002,54.240002,54.240002,54.240002,54.240002,2770000 +1960-03-14,54.320000,54.320000,54.320000,54.320000,54.320000,2530000 +1960-03-15,54.740002,54.740002,54.740002,54.740002,54.740002,2690000 +1960-03-16,55.040001,55.040001,55.040001,55.040001,55.040001,2960000 +1960-03-17,54.959999,54.959999,54.959999,54.959999,54.959999,2140000 +1960-03-18,55.009998,55.009998,55.009998,55.009998,55.009998,2620000 +1960-03-21,55.070000,55.070000,55.070000,55.070000,55.070000,2500000 +1960-03-22,55.290001,55.290001,55.290001,55.290001,55.290001,2490000 +1960-03-23,55.740002,55.740002,55.740002,55.740002,55.740002,3020000 +1960-03-24,55.980000,55.980000,55.980000,55.980000,55.980000,2940000 +1960-03-25,55.980000,55.980000,55.980000,55.980000,55.980000,2640000 +1960-03-28,55.860001,55.860001,55.860001,55.860001,55.860001,2500000 +1960-03-29,55.779999,55.779999,55.779999,55.779999,55.779999,2320000 +1960-03-30,55.660000,55.660000,55.660000,55.660000,55.660000,2450000 +1960-03-31,55.340000,55.340000,55.340000,55.340000,55.340000,2690000 +1960-04-01,55.430000,55.430000,55.430000,55.430000,55.430000,2260000 +1960-04-04,55.540001,55.540001,55.540001,55.540001,55.540001,2450000 +1960-04-05,55.369999,55.369999,55.369999,55.369999,55.369999,2840000 +1960-04-06,56.509998,56.509998,56.509998,56.509998,56.509998,3450000 +1960-04-07,56.520000,56.520000,56.520000,56.520000,56.520000,3070000 +1960-04-08,56.389999,56.389999,56.389999,56.389999,56.389999,2820000 +1960-04-11,56.169998,56.169998,56.169998,56.169998,56.169998,2520000 +1960-04-12,56.299999,56.299999,56.299999,56.299999,56.299999,2470000 +1960-04-13,56.299999,56.299999,56.299999,56.299999,56.299999,2730000 +1960-04-14,56.430000,56.430000,56.430000,56.430000,56.430000,2730000 +1960-04-18,56.590000,56.590000,56.590000,56.590000,56.590000,3200000 +1960-04-19,56.130001,56.130001,56.130001,56.130001,56.130001,3080000 +1960-04-20,55.439999,55.439999,55.439999,55.439999,55.439999,3150000 +1960-04-21,55.590000,55.590000,55.590000,55.590000,55.590000,2700000 +1960-04-22,55.419998,55.419998,55.419998,55.419998,55.419998,2850000 +1960-04-25,54.860001,54.860001,54.860001,54.860001,54.860001,2980000 +1960-04-26,55.040001,55.040001,55.040001,55.040001,55.040001,2940000 +1960-04-27,55.040001,55.040001,55.040001,55.040001,55.040001,3020000 +1960-04-28,54.560001,54.560001,54.560001,54.560001,54.560001,3190000 +1960-04-29,54.369999,54.369999,54.369999,54.369999,54.369999,2850000 +1960-05-02,54.130001,54.130001,54.130001,54.130001,54.130001,2930000 +1960-05-03,54.830002,54.830002,54.830002,54.830002,54.830002,2910000 +1960-05-04,55.040001,55.040001,55.040001,55.040001,55.040001,2870000 +1960-05-05,54.860001,54.860001,54.860001,54.860001,54.860001,2670000 +1960-05-06,54.750000,54.750000,54.750000,54.750000,54.750000,2560000 +1960-05-09,54.799999,54.799999,54.799999,54.799999,54.799999,2670000 +1960-05-10,54.419998,54.419998,54.419998,54.419998,54.419998,2870000 +1960-05-11,54.570000,54.570000,54.570000,54.570000,54.570000,2900000 +1960-05-12,54.849998,54.849998,54.849998,54.849998,54.849998,3220000 +1960-05-13,55.299999,55.299999,55.299999,55.299999,55.299999,3750000 +1960-05-16,55.250000,55.250000,55.250000,55.250000,55.250000,3530000 +1960-05-17,55.459999,55.459999,55.459999,55.459999,55.459999,4080000 +1960-05-18,55.439999,55.439999,55.439999,55.439999,55.439999,5240000 +1960-05-19,55.680000,55.680000,55.680000,55.680000,55.680000,3700000 +1960-05-20,55.730000,55.730000,55.730000,55.730000,55.730000,3170000 +1960-05-23,55.759998,55.759998,55.759998,55.759998,55.759998,2530000 +1960-05-24,55.700001,55.700001,55.700001,55.700001,55.700001,3240000 +1960-05-25,55.669998,55.669998,55.669998,55.669998,55.669998,3440000 +1960-05-26,55.709999,55.709999,55.709999,55.709999,55.709999,3720000 +1960-05-27,55.740002,55.740002,55.740002,55.740002,55.740002,3040000 +1960-05-31,55.830002,55.830002,55.830002,55.830002,55.830002,3750000 +1960-06-01,55.889999,55.889999,55.889999,55.889999,55.889999,3770000 +1960-06-02,56.130001,56.130001,56.130001,56.130001,56.130001,3730000 +1960-06-03,56.230000,56.230000,56.230000,56.230000,56.230000,3340000 +1960-06-06,56.889999,56.889999,56.889999,56.889999,56.889999,3220000 +1960-06-07,57.430000,57.430000,57.430000,57.430000,57.430000,3710000 +1960-06-08,57.889999,57.889999,57.889999,57.889999,57.889999,3800000 +1960-06-09,58.000000,58.000000,58.000000,58.000000,58.000000,3820000 +1960-06-10,57.970001,57.970001,57.970001,57.970001,57.970001,2940000 +1960-06-13,57.990002,57.990002,57.990002,57.990002,57.990002,3180000 +1960-06-14,57.910000,57.910000,57.910000,57.910000,57.910000,3430000 +1960-06-15,57.570000,57.570000,57.570000,57.570000,57.570000,3630000 +1960-06-16,57.500000,57.500000,57.500000,57.500000,57.500000,3540000 +1960-06-17,57.439999,57.439999,57.439999,57.439999,57.439999,3920000 +1960-06-20,57.160000,57.160000,57.160000,57.160000,57.160000,3970000 +1960-06-21,57.110001,57.110001,57.110001,57.110001,57.110001,3860000 +1960-06-22,57.279999,57.279999,57.279999,57.279999,57.279999,3600000 +1960-06-23,57.590000,57.590000,57.590000,57.590000,57.590000,3620000 +1960-06-24,57.680000,57.680000,57.680000,57.680000,57.680000,3220000 +1960-06-27,57.330002,57.330002,57.330002,57.330002,57.330002,2960000 +1960-06-28,56.939999,56.939999,56.939999,56.939999,56.939999,3120000 +1960-06-29,56.939999,56.939999,56.939999,56.939999,56.939999,3160000 +1960-06-30,56.919998,56.919998,56.919998,56.919998,56.919998,2940000 +1960-07-01,57.060001,57.060001,57.060001,57.060001,57.060001,2620000 +1960-07-05,57.020000,57.020000,57.020000,57.020000,57.020000,2780000 +1960-07-06,56.939999,56.939999,56.939999,56.939999,56.939999,2970000 +1960-07-07,57.240002,57.240002,57.240002,57.240002,57.240002,3050000 +1960-07-08,57.380001,57.380001,57.380001,57.380001,57.380001,3010000 +1960-07-11,56.869999,56.869999,56.869999,56.869999,56.869999,2920000 +1960-07-12,56.250000,56.250000,56.250000,56.250000,56.250000,2860000 +1960-07-13,56.099998,56.099998,56.099998,56.099998,56.099998,2590000 +1960-07-14,56.119999,56.119999,56.119999,56.119999,56.119999,2480000 +1960-07-15,56.049999,56.049999,56.049999,56.049999,56.049999,2140000 +1960-07-18,55.700001,55.700001,55.700001,55.700001,55.700001,2350000 +1960-07-19,55.700001,55.700001,55.700001,55.700001,55.700001,2490000 +1960-07-20,55.610001,55.610001,55.610001,55.610001,55.610001,2370000 +1960-07-21,55.099998,55.099998,55.099998,55.099998,55.099998,2510000 +1960-07-22,54.720001,54.720001,54.720001,54.720001,54.720001,2850000 +1960-07-25,54.180000,54.180000,54.180000,54.180000,54.180000,2840000 +1960-07-26,54.509998,54.509998,54.509998,54.509998,54.509998,2720000 +1960-07-27,54.169998,54.169998,54.169998,54.169998,54.169998,2560000 +1960-07-28,54.570000,54.570000,54.570000,54.570000,54.570000,3020000 +1960-07-29,55.509998,55.509998,55.509998,55.509998,55.509998,2730000 +1960-08-01,55.529999,55.529999,55.529999,55.529999,55.529999,2440000 +1960-08-02,55.040001,55.040001,55.040001,55.040001,55.040001,2090000 +1960-08-03,54.720001,54.720001,54.720001,54.720001,54.720001,2470000 +1960-08-04,54.889999,54.889999,54.889999,54.889999,54.889999,2840000 +1960-08-05,55.439999,55.439999,55.439999,55.439999,55.439999,3000000 +1960-08-08,55.520000,55.520000,55.520000,55.520000,55.520000,2960000 +1960-08-09,55.840000,55.840000,55.840000,55.840000,55.840000,2700000 +1960-08-10,56.070000,56.070000,56.070000,56.070000,56.070000,2810000 +1960-08-11,56.279999,56.279999,56.279999,56.279999,56.279999,3070000 +1960-08-12,56.660000,56.660000,56.660000,56.660000,56.660000,3160000 +1960-08-15,56.610001,56.610001,56.610001,56.610001,56.610001,2450000 +1960-08-16,56.720001,56.720001,56.720001,56.720001,56.720001,2710000 +1960-08-17,56.840000,56.840000,56.840000,56.840000,56.840000,3090000 +1960-08-18,56.810001,56.810001,56.810001,56.810001,56.810001,2890000 +1960-08-19,57.009998,57.009998,57.009998,57.009998,57.009998,2570000 +1960-08-22,57.189999,57.189999,57.189999,57.189999,57.189999,2760000 +1960-08-23,57.750000,57.750000,57.750000,57.750000,57.750000,3560000 +1960-08-24,58.070000,58.070000,58.070000,58.070000,58.070000,3500000 +1960-08-25,57.790001,57.790001,57.790001,57.790001,57.790001,2680000 +1960-08-26,57.599998,57.599998,57.599998,57.599998,57.599998,2780000 +1960-08-29,57.439999,57.439999,57.439999,57.439999,57.439999,2780000 +1960-08-30,56.840000,56.840000,56.840000,56.840000,56.840000,2890000 +1960-08-31,56.959999,56.959999,56.959999,56.959999,56.959999,3130000 +1960-09-01,57.090000,57.090000,57.090000,57.090000,57.090000,3460000 +1960-09-02,57.000000,57.000000,57.000000,57.000000,57.000000,2680000 +1960-09-06,56.490002,56.490002,56.490002,56.490002,56.490002,2580000 +1960-09-07,55.790001,55.790001,55.790001,55.790001,55.790001,2850000 +1960-09-08,55.740002,55.740002,55.740002,55.740002,55.740002,2670000 +1960-09-09,56.110001,56.110001,56.110001,56.110001,56.110001,2750000 +1960-09-12,55.720001,55.720001,55.720001,55.720001,55.720001,2160000 +1960-09-13,55.830002,55.830002,55.830002,55.830002,55.830002,2180000 +1960-09-14,55.439999,55.439999,55.439999,55.439999,55.439999,2530000 +1960-09-15,55.220001,55.220001,55.220001,55.220001,55.220001,2870000 +1960-09-16,55.110001,55.110001,55.110001,55.110001,55.110001,2340000 +1960-09-19,53.860001,53.860001,53.860001,53.860001,53.860001,3790000 +1960-09-20,54.009998,54.009998,54.009998,54.009998,54.009998,3660000 +1960-09-21,54.570000,54.570000,54.570000,54.570000,54.570000,2930000 +1960-09-22,54.360001,54.360001,54.360001,54.360001,54.360001,1970000 +1960-09-23,53.900002,53.900002,53.900002,53.900002,53.900002,2580000 +1960-09-26,53.060001,53.060001,53.060001,53.060001,53.060001,3930000 +1960-09-27,52.939999,52.939999,52.939999,52.939999,52.939999,3170000 +1960-09-28,52.480000,52.480000,52.480000,52.480000,52.480000,3520000 +1960-09-29,52.619999,52.619999,52.619999,52.619999,52.619999,2850000 +1960-09-30,53.520000,53.520000,53.520000,53.520000,53.520000,3370000 +1960-10-03,53.360001,53.360001,53.360001,53.360001,53.360001,2220000 +1960-10-04,52.990002,52.990002,52.990002,52.990002,52.990002,2270000 +1960-10-05,53.389999,53.389999,53.389999,53.389999,53.389999,2650000 +1960-10-06,53.720001,53.720001,53.720001,53.720001,53.720001,2510000 +1960-10-07,54.029999,54.029999,54.029999,54.029999,54.029999,2530000 +1960-10-10,54.139999,54.139999,54.139999,54.139999,54.139999,2030000 +1960-10-11,54.220001,54.220001,54.220001,54.220001,54.220001,2350000 +1960-10-12,54.150002,54.150002,54.150002,54.150002,54.150002,1890000 +1960-10-13,54.570000,54.570000,54.570000,54.570000,54.570000,2220000 +1960-10-14,54.860001,54.860001,54.860001,54.860001,54.860001,2470000 +1960-10-17,54.630001,54.630001,54.630001,54.630001,54.630001,2280000 +1960-10-18,54.349998,54.349998,54.349998,54.349998,54.349998,2220000 +1960-10-19,54.250000,54.250000,54.250000,54.250000,54.250000,2410000 +1960-10-20,53.860001,53.860001,53.860001,53.860001,53.860001,2910000 +1960-10-21,53.720001,53.720001,53.720001,53.720001,53.720001,3090000 +1960-10-24,52.700001,52.700001,52.700001,52.700001,52.700001,4420000 +1960-10-25,52.200001,52.200001,52.200001,52.200001,52.200001,3030000 +1960-10-26,53.049999,53.049999,53.049999,53.049999,53.049999,3020000 +1960-10-27,53.619999,53.619999,53.619999,53.619999,53.619999,2900000 +1960-10-28,53.410000,53.410000,53.410000,53.410000,53.410000,2490000 +1960-10-31,53.389999,53.389999,53.389999,53.389999,53.389999,2460000 +1960-11-01,53.939999,53.939999,53.939999,53.939999,53.939999,2600000 +1960-11-02,54.220001,54.220001,54.220001,54.220001,54.220001,2780000 +1960-11-03,54.430000,54.430000,54.430000,54.430000,54.430000,2580000 +1960-11-04,54.900002,54.900002,54.900002,54.900002,54.900002,3050000 +1960-11-07,55.110001,55.110001,55.110001,55.110001,55.110001,3540000 +1960-11-09,55.349998,55.349998,55.349998,55.349998,55.349998,3450000 +1960-11-10,56.430000,56.430000,56.430000,56.430000,56.430000,4030000 +1960-11-11,55.869999,55.869999,55.869999,55.869999,55.869999,2730000 +1960-11-14,55.590000,55.590000,55.590000,55.590000,55.590000,2660000 +1960-11-15,55.810001,55.810001,55.810001,55.810001,55.810001,2990000 +1960-11-16,55.700001,55.700001,55.700001,55.700001,55.700001,3110000 +1960-11-17,55.549999,55.549999,55.549999,55.549999,55.549999,2450000 +1960-11-18,55.820000,55.820000,55.820000,55.820000,55.820000,2760000 +1960-11-21,55.930000,55.930000,55.930000,55.930000,55.930000,3090000 +1960-11-22,55.720001,55.720001,55.720001,55.720001,55.720001,3430000 +1960-11-23,55.799999,55.799999,55.799999,55.799999,55.799999,3000000 +1960-11-25,56.130001,56.130001,56.130001,56.130001,56.130001,3190000 +1960-11-28,56.029999,56.029999,56.029999,56.029999,56.029999,3860000 +1960-11-29,55.830002,55.830002,55.830002,55.830002,55.830002,3630000 +1960-11-30,55.540001,55.540001,55.540001,55.540001,55.540001,3080000 +1960-12-01,55.299999,55.299999,55.299999,55.299999,55.299999,3090000 +1960-12-02,55.389999,55.389999,55.389999,55.389999,55.389999,3140000 +1960-12-05,55.310001,55.310001,55.310001,55.310001,55.310001,3290000 +1960-12-06,55.470001,55.470001,55.470001,55.470001,55.470001,3360000 +1960-12-07,56.020000,56.020000,56.020000,56.020000,56.020000,3660000 +1960-12-08,56.150002,56.150002,56.150002,56.150002,56.150002,3540000 +1960-12-09,56.650002,56.650002,56.650002,56.650002,56.650002,4460000 +1960-12-12,56.849998,56.849998,56.849998,56.849998,56.849998,3020000 +1960-12-13,56.880001,56.880001,56.880001,56.880001,56.880001,3500000 +1960-12-14,56.840000,56.840000,56.840000,56.840000,56.840000,3880000 +1960-12-15,56.680000,56.680000,56.680000,56.680000,56.680000,3660000 +1960-12-16,57.200001,57.200001,57.200001,57.200001,57.200001,3770000 +1960-12-19,57.130001,57.130001,57.130001,57.130001,57.130001,3630000 +1960-12-20,57.090000,57.090000,57.090000,57.090000,57.090000,3340000 +1960-12-21,57.549999,57.549999,57.549999,57.549999,57.549999,4060000 +1960-12-22,57.389999,57.389999,57.389999,57.389999,57.389999,3820000 +1960-12-23,57.439999,57.439999,57.439999,57.439999,57.439999,3580000 +1960-12-27,57.520000,57.520000,57.520000,57.520000,57.520000,3270000 +1960-12-28,57.779999,57.779999,57.779999,57.779999,57.779999,3620000 +1960-12-29,58.049999,58.049999,58.049999,58.049999,58.049999,4340000 +1960-12-30,58.110001,58.110001,58.110001,58.110001,58.110001,5300000 +1961-01-03,57.570000,57.570000,57.570000,57.570000,57.570000,2770000 +1961-01-04,58.360001,58.360001,58.360001,58.360001,58.360001,3840000 +1961-01-05,58.570000,58.570000,58.570000,58.570000,58.570000,4130000 +1961-01-06,58.400002,58.400002,58.400002,58.400002,58.400002,3620000 +1961-01-09,58.810001,58.810001,58.810001,58.810001,58.810001,4210000 +1961-01-10,58.970001,58.970001,58.970001,58.970001,58.970001,4840000 +1961-01-11,59.139999,59.139999,59.139999,59.139999,59.139999,4370000 +1961-01-12,59.320000,59.320000,59.320000,59.320000,59.320000,4270000 +1961-01-13,59.599998,59.599998,59.599998,59.599998,59.599998,4520000 +1961-01-16,59.580002,59.580002,59.580002,59.580002,59.580002,4510000 +1961-01-17,59.639999,59.639999,59.639999,59.639999,59.639999,3830000 +1961-01-18,59.680000,59.680000,59.680000,59.680000,59.680000,4390000 +1961-01-19,59.770000,59.770000,59.770000,59.770000,59.770000,4740000 +1961-01-20,59.959999,59.959999,59.959999,59.959999,59.959999,3270000 +1961-01-23,60.290001,60.290001,60.290001,60.290001,60.290001,4450000 +1961-01-24,60.450001,60.450001,60.450001,60.450001,60.450001,4280000 +1961-01-25,60.529999,60.529999,60.529999,60.529999,60.529999,4470000 +1961-01-26,60.619999,60.619999,60.619999,60.619999,60.619999,4110000 +1961-01-27,61.240002,61.240002,61.240002,61.240002,61.240002,4510000 +1961-01-30,61.970001,61.970001,61.970001,61.970001,61.970001,5190000 +1961-01-31,61.779999,61.779999,61.779999,61.779999,61.779999,4690000 +1961-02-01,61.900002,61.900002,61.900002,61.900002,61.900002,4380000 +1961-02-02,62.299999,62.299999,62.299999,62.299999,62.299999,4900000 +1961-02-03,62.220001,62.220001,62.220001,62.220001,62.220001,5210000 +1961-02-06,61.759998,61.759998,61.759998,61.759998,61.759998,3890000 +1961-02-07,61.650002,61.650002,61.650002,61.650002,61.650002,4020000 +1961-02-08,62.209999,62.209999,62.209999,62.209999,62.209999,4940000 +1961-02-09,62.020000,62.020000,62.020000,62.020000,62.020000,5590000 +1961-02-10,61.500000,61.500000,61.500000,61.500000,61.500000,4840000 +1961-02-13,61.139999,61.139999,61.139999,61.139999,61.139999,3560000 +1961-02-14,61.410000,61.410000,61.410000,61.410000,61.410000,4490000 +1961-02-15,61.919998,61.919998,61.919998,61.919998,61.919998,5200000 +1961-02-16,62.299999,62.299999,62.299999,62.299999,62.299999,5070000 +1961-02-17,62.099998,62.099998,62.099998,62.099998,62.099998,4640000 +1961-02-20,62.320000,62.320000,62.320000,62.320000,62.320000,4680000 +1961-02-21,62.360001,62.360001,62.360001,62.360001,62.360001,5070000 +1961-02-23,62.590000,62.590000,62.590000,62.590000,62.590000,5620000 +1961-02-24,62.840000,62.840000,62.840000,62.840000,62.840000,5330000 +1961-02-27,63.299999,63.299999,63.299999,63.299999,63.299999,5470000 +1961-02-28,63.439999,63.439999,63.439999,63.439999,63.439999,5830000 +1961-03-01,63.430000,63.430000,63.430000,63.430000,63.430000,4970000 +1961-03-02,63.849998,63.849998,63.849998,63.849998,63.849998,5300000 +1961-03-03,63.950001,63.950001,63.950001,63.950001,63.950001,5530000 +1961-03-06,64.050003,64.050003,64.050003,64.050003,64.050003,5650000 +1961-03-07,63.470001,63.470001,63.470001,63.470001,63.470001,5540000 +1961-03-08,63.439999,63.439999,63.439999,63.439999,63.439999,5910000 +1961-03-09,63.500000,63.500000,63.500000,63.500000,63.500000,6010000 +1961-03-10,63.480000,63.480000,63.480000,63.480000,63.480000,5950000 +1961-03-13,63.660000,63.660000,63.660000,63.660000,63.660000,5080000 +1961-03-14,63.380001,63.380001,63.380001,63.380001,63.380001,4900000 +1961-03-15,63.570000,63.570000,63.570000,63.570000,63.570000,4900000 +1961-03-16,64.209999,64.209999,64.209999,64.209999,64.209999,5610000 +1961-03-17,64.000000,64.000000,64.000000,64.000000,64.000000,5960000 +1961-03-20,64.860001,64.860001,64.860001,64.860001,64.860001,5780000 +1961-03-21,64.739998,64.739998,64.739998,64.739998,64.739998,5800000 +1961-03-22,64.699997,64.699997,64.699997,64.699997,64.699997,5840000 +1961-03-23,64.529999,64.529999,64.529999,64.529999,64.529999,2170000 +1961-03-24,64.419998,64.419998,64.419998,64.419998,64.419998,4390000 +1961-03-27,64.349998,64.349998,64.349998,64.349998,64.349998,4190000 +1961-03-28,64.379997,64.379997,64.379997,64.379997,64.379997,4630000 +1961-03-29,64.930000,64.930000,64.930000,64.930000,64.930000,5330000 +1961-03-30,65.059998,65.059998,65.059998,65.059998,65.059998,5610000 +1961-04-03,65.599998,65.599998,65.599998,65.599998,65.599998,6470000 +1961-04-04,65.660004,65.660004,65.660004,65.660004,65.660004,7080000 +1961-04-05,65.459999,65.459999,65.459999,65.459999,65.459999,5430000 +1961-04-06,65.610001,65.610001,65.610001,65.610001,65.610001,4910000 +1961-04-07,65.959999,65.959999,65.959999,65.959999,65.959999,5100000 +1961-04-10,66.529999,66.529999,66.529999,66.529999,66.529999,5550000 +1961-04-11,66.620003,66.620003,66.620003,66.620003,66.620003,5230000 +1961-04-12,66.309998,66.309998,66.309998,66.309998,66.309998,4870000 +1961-04-13,66.260002,66.260002,66.260002,66.260002,66.260002,4770000 +1961-04-14,66.370003,66.370003,66.370003,66.370003,66.370003,5240000 +1961-04-17,68.680000,68.680000,68.680000,68.680000,68.680000,5860000 +1961-04-18,66.199997,66.199997,66.199997,66.199997,66.199997,4830000 +1961-04-19,65.809998,65.809998,65.809998,65.809998,65.809998,4870000 +1961-04-20,65.820000,65.820000,65.820000,65.820000,65.820000,4810000 +1961-04-21,65.769997,65.769997,65.769997,65.769997,65.769997,4340000 +1961-04-24,64.400002,64.400002,64.400002,64.400002,64.400002,4590000 +1961-04-25,65.300003,65.300003,65.300003,65.300003,65.300003,4670000 +1961-04-26,65.550003,65.550003,65.550003,65.550003,65.550003,4980000 +1961-04-27,65.459999,65.459999,65.459999,65.459999,65.459999,4450000 +1961-04-28,65.309998,65.309998,65.309998,65.309998,65.309998,3710000 +1961-05-01,65.169998,65.169998,65.169998,65.169998,65.169998,3710000 +1961-05-02,65.639999,65.639999,65.639999,65.639999,65.639999,4110000 +1961-05-03,66.180000,66.180000,66.180000,66.180000,66.180000,4940000 +1961-05-04,66.440002,66.440002,66.440002,66.440002,66.440002,5350000 +1961-05-05,66.519997,66.519997,66.519997,66.519997,66.519997,4980000 +1961-05-08,66.410004,66.410004,66.410004,66.410004,66.410004,5170000 +1961-05-09,66.470001,66.470001,66.470001,66.470001,66.470001,5380000 +1961-05-10,66.410004,66.410004,66.410004,66.410004,66.410004,5450000 +1961-05-11,66.389999,66.389999,66.389999,66.389999,66.389999,5170000 +1961-05-12,66.500000,66.500000,66.500000,66.500000,66.500000,4840000 +1961-05-15,66.830002,66.830002,66.830002,66.830002,66.830002,4840000 +1961-05-16,67.080002,67.080002,67.080002,67.080002,67.080002,5110000 +1961-05-17,67.389999,67.389999,67.389999,67.389999,67.389999,5520000 +1961-05-18,66.989998,66.989998,66.989998,66.989998,66.989998,4610000 +1961-05-19,67.269997,67.269997,67.269997,67.269997,67.269997,4200000 +1961-05-22,66.849998,66.849998,66.849998,66.849998,66.849998,4070000 +1961-05-23,66.680000,66.680000,66.680000,66.680000,66.680000,3660000 +1961-05-24,66.260002,66.260002,66.260002,66.260002,66.260002,3970000 +1961-05-25,66.010002,66.010002,66.010002,66.010002,66.010002,3760000 +1961-05-26,66.430000,66.430000,66.430000,66.430000,66.430000,3780000 +1961-05-31,66.559998,66.559998,66.559998,66.559998,66.559998,4320000 +1961-06-01,66.559998,66.559998,66.559998,66.559998,66.559998,3770000 +1961-06-02,66.730003,66.730003,66.730003,66.730003,66.730003,3670000 +1961-06-05,67.080002,67.080002,67.080002,67.080002,67.080002,4150000 +1961-06-06,66.889999,66.889999,66.889999,66.889999,66.889999,4250000 +1961-06-07,65.639999,65.639999,65.639999,65.639999,65.639999,3980000 +1961-06-08,66.669998,66.669998,66.669998,66.669998,66.669998,3810000 +1961-06-09,66.660004,66.660004,66.660004,66.660004,66.660004,3520000 +1961-06-12,66.150002,66.150002,66.150002,66.150002,66.150002,3260000 +1961-06-13,65.800003,65.800003,65.800003,65.800003,65.800003,3030000 +1961-06-14,65.980003,65.980003,65.980003,65.980003,65.980003,3430000 +1961-06-15,65.690002,65.690002,65.690002,65.690002,65.690002,3220000 +1961-06-16,65.180000,65.180000,65.180000,65.180000,65.180000,3380000 +1961-06-19,64.580002,64.580002,64.580002,64.580002,64.580002,3980000 +1961-06-20,65.150002,65.150002,65.150002,65.150002,65.150002,3280000 +1961-06-21,65.139999,65.139999,65.139999,65.139999,65.139999,3210000 +1961-06-22,64.900002,64.900002,64.900002,64.900002,64.900002,2880000 +1961-06-23,65.160004,65.160004,65.160004,65.160004,65.160004,2720000 +1961-06-26,64.470001,64.470001,64.470001,64.470001,64.470001,2690000 +1961-06-27,64.470001,64.470001,64.470001,64.470001,64.470001,3090000 +1961-06-28,64.589996,64.589996,64.589996,64.589996,64.589996,2830000 +1961-06-29,64.519997,64.519997,64.519997,64.519997,64.519997,2560000 +1961-06-30,64.639999,64.639999,64.639999,64.639999,64.639999,2380000 +1961-07-03,65.209999,65.209999,65.209999,65.209999,65.209999,2180000 +1961-07-05,65.629997,65.629997,65.629997,65.629997,65.629997,3270000 +1961-07-06,65.809998,65.809998,65.809998,65.809998,65.809998,3470000 +1961-07-07,65.769997,65.769997,65.769997,65.769997,65.769997,3030000 +1961-07-10,65.709999,65.709999,65.709999,65.709999,65.709999,3180000 +1961-07-11,65.690002,65.690002,65.690002,65.690002,65.690002,3160000 +1961-07-12,65.320000,65.320000,65.320000,65.320000,65.320000,3070000 +1961-07-13,64.860001,64.860001,64.860001,64.860001,64.860001,2670000 +1961-07-14,65.279999,65.279999,65.279999,65.279999,65.279999,2760000 +1961-07-17,64.790001,64.790001,64.790001,64.790001,64.790001,2690000 +1961-07-18,64.410004,64.410004,64.410004,64.410004,64.410004,3010000 +1961-07-19,64.699997,64.699997,64.699997,64.699997,64.699997,2940000 +1961-07-20,64.709999,64.709999,64.709999,64.709999,64.709999,2530000 +1961-07-21,64.860001,64.860001,64.860001,64.860001,64.860001,2360000 +1961-07-24,64.870003,64.870003,64.870003,64.870003,64.870003,2490000 +1961-07-25,65.230003,65.230003,65.230003,65.230003,65.230003,3010000 +1961-07-26,65.839996,65.839996,65.839996,65.839996,65.839996,4070000 +1961-07-27,66.610001,66.610001,66.610001,66.610001,66.610001,4170000 +1961-07-28,66.709999,66.709999,66.709999,66.709999,66.709999,3610000 +1961-07-31,66.760002,66.760002,66.760002,66.760002,66.760002,3170000 +1961-08-01,67.370003,67.370003,67.370003,67.370003,67.370003,3990000 +1961-08-02,66.940002,66.940002,66.940002,66.940002,66.940002,4300000 +1961-08-03,67.290001,67.290001,67.290001,67.290001,67.290001,3650000 +1961-08-04,67.680000,67.680000,67.680000,67.680000,67.680000,3710000 +1961-08-07,67.669998,67.669998,67.669998,67.669998,67.669998,3560000 +1961-08-08,67.820000,67.820000,67.820000,67.820000,67.820000,4050000 +1961-08-09,67.739998,67.739998,67.739998,67.739998,67.739998,3710000 +1961-08-10,67.949997,67.949997,67.949997,67.949997,67.949997,3570000 +1961-08-11,68.059998,68.059998,68.059998,68.059998,68.059998,3260000 +1961-08-14,67.720001,67.720001,67.720001,67.720001,67.720001,3120000 +1961-08-15,67.550003,67.550003,67.550003,67.550003,67.550003,3320000 +1961-08-16,67.730003,67.730003,67.730003,67.730003,67.730003,3430000 +1961-08-17,68.110001,68.110001,68.110001,68.110001,68.110001,4130000 +1961-08-18,68.290001,68.290001,68.290001,68.290001,68.290001,4030000 +1961-08-21,68.430000,68.430000,68.430000,68.430000,68.430000,3880000 +1961-08-22,68.440002,68.440002,68.440002,68.440002,68.440002,3640000 +1961-08-23,67.980003,67.980003,67.980003,67.980003,67.980003,3550000 +1961-08-24,67.589996,67.589996,67.589996,67.589996,67.589996,3090000 +1961-08-25,67.669998,67.669998,67.669998,67.669998,67.669998,3050000 +1961-08-28,67.699997,67.699997,67.699997,67.699997,67.699997,3150000 +1961-08-29,67.550003,67.550003,67.550003,67.550003,67.550003,3160000 +1961-08-30,67.809998,67.809998,67.809998,67.809998,67.809998,3220000 +1961-08-31,68.070000,68.070000,68.070000,68.070000,68.070000,2920000 +1961-09-01,68.190002,68.190002,68.190002,68.190002,68.190002,2710000 +1961-09-05,67.959999,67.959999,67.959999,67.959999,67.959999,3000000 +1961-09-06,68.459999,68.459999,68.459999,68.459999,68.459999,3440000 +1961-09-07,68.349998,68.349998,68.349998,68.349998,68.349998,3900000 +1961-09-08,67.879997,67.879997,67.879997,67.879997,67.879997,3430000 +1961-09-11,67.279999,67.279999,67.279999,67.279999,67.279999,2790000 +1961-09-12,67.959999,67.959999,67.959999,67.959999,67.959999,2950000 +1961-09-13,68.010002,68.010002,68.010002,68.010002,68.010002,3110000 +1961-09-14,67.529999,67.529999,67.529999,67.529999,67.529999,2920000 +1961-09-15,67.650002,67.650002,67.650002,67.650002,67.650002,3130000 +1961-09-18,67.209999,67.209999,67.209999,67.209999,67.209999,3550000 +1961-09-19,66.080002,66.080002,66.080002,66.080002,66.080002,3260000 +1961-09-20,66.959999,66.959999,66.959999,66.959999,66.959999,2700000 +1961-09-21,66.989998,66.989998,66.989998,66.989998,66.989998,3340000 +1961-09-22,66.720001,66.720001,66.720001,66.720001,66.720001,3070000 +1961-09-25,65.769997,65.769997,65.769997,65.769997,65.769997,3700000 +1961-09-26,65.779999,65.779999,65.779999,65.779999,65.779999,3320000 +1961-09-27,66.470001,66.470001,66.470001,66.470001,66.470001,3440000 +1961-09-28,66.580002,66.580002,66.580002,66.580002,66.580002,3000000 +1961-09-29,66.730003,66.730003,66.730003,66.730003,66.730003,3060000 +1961-10-02,66.769997,66.769997,66.769997,66.769997,66.769997,2800000 +1961-10-03,66.730003,66.730003,66.730003,66.730003,66.730003,2680000 +1961-10-04,67.180000,67.180000,67.180000,67.180000,67.180000,3380000 +1961-10-05,67.769997,67.769997,67.769997,67.769997,67.769997,3920000 +1961-10-06,66.970001,66.970001,66.970001,66.970001,66.970001,3470000 +1961-10-09,67.940002,67.940002,67.940002,67.940002,67.940002,2920000 +1961-10-10,68.110001,68.110001,68.110001,68.110001,68.110001,3430000 +1961-10-11,68.169998,68.169998,68.169998,68.169998,68.169998,3670000 +1961-10-12,68.160004,68.160004,68.160004,68.160004,68.160004,3060000 +1961-10-13,68.040001,68.040001,68.040001,68.040001,68.040001,3090000 +1961-10-16,67.849998,67.849998,67.849998,67.849998,67.849998,2840000 +1961-10-17,67.870003,67.870003,67.870003,67.870003,67.870003,3110000 +1961-10-18,68.209999,68.209999,68.209999,68.209999,68.209999,3520000 +1961-10-19,68.449997,68.449997,68.449997,68.449997,68.449997,3850000 +1961-10-20,68.000000,68.000000,68.000000,68.000000,68.000000,3470000 +1961-10-23,68.059998,68.059998,68.059998,68.059998,68.059998,3440000 +1961-10-24,67.980003,67.980003,67.980003,67.980003,67.980003,3430000 +1961-10-25,68.339996,68.339996,68.339996,68.339996,68.339996,3590000 +1961-10-26,68.459999,68.459999,68.459999,68.459999,68.459999,3330000 +1961-10-27,68.339996,68.339996,68.339996,68.339996,68.339996,3200000 +1961-10-30,68.419998,68.419998,68.419998,68.419998,68.419998,3430000 +1961-10-31,68.620003,68.620003,68.620003,68.620003,68.620003,3350000 +1961-11-01,68.730003,68.730003,68.730003,68.730003,68.730003,3210000 +1961-11-02,69.110001,69.110001,69.110001,69.110001,69.110001,3890000 +1961-11-03,69.470001,69.470001,69.470001,69.470001,69.470001,4070000 +1961-11-06,70.010002,70.010002,70.010002,70.010002,70.010002,4340000 +1961-11-08,70.870003,70.870003,70.870003,70.870003,70.870003,6090000 +1961-11-09,70.769997,70.769997,70.769997,70.769997,70.769997,4680000 +1961-11-10,71.070000,71.070000,71.070000,71.070000,71.070000,4180000 +1961-11-13,71.269997,71.269997,71.269997,71.269997,71.269997,4540000 +1961-11-14,71.660004,71.660004,71.660004,71.660004,71.660004,4750000 +1961-11-15,71.669998,71.669998,71.669998,71.669998,71.669998,4660000 +1961-11-16,71.620003,71.620003,71.620003,71.620003,71.620003,3980000 +1961-11-17,71.620003,71.620003,71.620003,71.620003,71.620003,3960000 +1961-11-20,71.720001,71.720001,71.720001,71.720001,71.720001,4190000 +1961-11-21,71.779999,71.779999,71.779999,71.779999,71.779999,4890000 +1961-11-22,71.699997,71.699997,71.699997,71.699997,71.699997,4500000 +1961-11-24,71.839996,71.839996,71.839996,71.839996,71.839996,4020000 +1961-11-27,71.849998,71.849998,71.849998,71.849998,71.849998,4700000 +1961-11-28,71.750000,71.750000,71.750000,71.750000,71.750000,4360000 +1961-11-29,71.699997,71.699997,71.699997,71.699997,71.699997,4550000 +1961-11-30,71.320000,71.320000,71.320000,71.320000,71.320000,4210000 +1961-12-01,71.779999,71.779999,71.779999,71.779999,71.779999,4420000 +1961-12-04,72.010002,72.010002,72.010002,72.010002,72.010002,4560000 +1961-12-05,71.930000,71.930000,71.930000,71.930000,71.930000,4330000 +1961-12-06,71.989998,71.989998,71.989998,71.989998,71.989998,4200000 +1961-12-07,71.699997,71.699997,71.699997,71.699997,71.699997,3900000 +1961-12-08,72.040001,72.040001,72.040001,72.040001,72.040001,4010000 +1961-12-11,72.389999,72.389999,72.389999,72.389999,72.389999,4360000 +1961-12-12,72.639999,72.639999,72.639999,72.639999,72.639999,4680000 +1961-12-13,72.529999,72.529999,72.529999,72.529999,72.529999,4890000 +1961-12-14,71.980003,71.980003,71.980003,71.980003,71.980003,4350000 +1961-12-15,72.010002,72.010002,72.010002,72.010002,72.010002,3710000 +1961-12-18,71.760002,71.760002,71.760002,71.760002,71.760002,3810000 +1961-12-19,71.260002,71.260002,71.260002,71.260002,71.260002,3440000 +1961-12-20,71.120003,71.120003,71.120003,71.120003,71.120003,3640000 +1961-12-21,70.860001,70.860001,70.860001,70.860001,70.860001,3440000 +1961-12-22,70.910004,70.910004,70.910004,70.910004,70.910004,3390000 +1961-12-26,71.019997,71.019997,71.019997,71.019997,71.019997,3180000 +1961-12-27,71.650002,71.650002,71.650002,71.650002,71.650002,4170000 +1961-12-28,71.690002,71.690002,71.690002,71.690002,71.690002,4530000 +1961-12-29,71.550003,71.550003,71.550003,71.550003,71.550003,5370000 +1962-01-02,71.550003,71.959999,70.709999,70.959999,70.959999,3120000 +1962-01-03,70.959999,71.480003,70.379997,71.129997,71.129997,3590000 +1962-01-04,71.129997,71.620003,70.449997,70.639999,70.639999,4450000 +1962-01-05,70.639999,70.839996,69.349998,69.660004,69.660004,4630000 +1962-01-08,69.660004,69.839996,68.169998,69.120003,69.120003,4620000 +1962-01-09,69.120003,69.930000,68.830002,69.150002,69.150002,3600000 +1962-01-10,69.150002,69.580002,68.620003,68.959999,68.959999,3300000 +1962-01-11,68.959999,69.540001,68.570000,69.370003,69.370003,3390000 +1962-01-12,69.370003,70.169998,69.230003,69.610001,69.610001,3730000 +1962-01-15,69.610001,69.959999,69.059998,69.470001,69.470001,3450000 +1962-01-16,69.470001,69.610001,68.680000,69.070000,69.070000,3650000 +1962-01-17,69.070000,69.309998,68.129997,68.320000,68.320000,3780000 +1962-01-18,68.320000,68.730003,67.750000,68.389999,68.389999,3460000 +1962-01-19,68.389999,70.080002,68.139999,68.750000,68.750000,3800000 +1962-01-22,68.750000,69.370003,68.449997,68.809998,68.809998,3810000 +1962-01-23,68.809998,68.959999,68.000000,68.290001,68.290001,3350000 +1962-01-24,68.290001,68.680000,67.550003,68.400002,68.400002,3760000 +1962-01-25,68.400002,69.050003,68.099998,68.349998,68.349998,3560000 +1962-01-26,68.349998,68.669998,67.830002,68.129997,68.129997,3330000 +1962-01-29,68.129997,68.500000,67.550003,67.900002,67.900002,3050000 +1962-01-30,67.900002,68.650002,67.620003,68.169998,68.169998,3520000 +1962-01-31,68.169998,69.089996,68.120003,68.839996,68.839996,3840000 +1962-02-01,68.839996,69.650002,68.559998,69.260002,69.260002,4260000 +1962-02-02,69.260002,70.019997,69.019997,69.809998,69.809998,3950000 +1962-02-05,69.809998,70.300003,69.419998,69.879997,69.879997,3890000 +1962-02-06,69.879997,70.320000,69.410004,69.959999,69.959999,3650000 +1962-02-07,69.959999,70.669998,69.779999,70.419998,70.419998,4140000 +1962-02-08,70.419998,70.949997,70.160004,70.580002,70.580002,3810000 +1962-02-09,70.580002,70.830002,69.930000,70.480003,70.480003,3370000 +1962-02-12,70.480003,70.809998,70.139999,70.459999,70.459999,2620000 +1962-02-13,70.459999,70.889999,70.070000,70.449997,70.449997,3400000 +1962-02-14,70.449997,70.790001,70.029999,70.419998,70.419998,3630000 +1962-02-15,70.419998,71.059998,70.230003,70.739998,70.739998,3470000 +1962-02-16,70.739998,71.129997,70.269997,70.589996,70.589996,3700000 +1962-02-19,70.589996,70.959999,70.120003,70.410004,70.410004,3350000 +1962-02-20,70.410004,70.910004,70.129997,70.660004,70.660004,3300000 +1962-02-21,70.660004,70.970001,70.120003,70.320000,70.320000,3310000 +1962-02-23,70.320000,70.570000,69.730003,70.160004,70.160004,3230000 +1962-02-26,70.160004,70.330002,69.440002,69.760002,69.760002,2910000 +1962-02-27,69.760002,70.320000,69.480003,69.889999,69.889999,3110000 +1962-02-28,69.889999,70.419998,69.570000,69.959999,69.959999,3030000 +1962-03-01,69.959999,70.599998,69.760002,70.199997,70.199997,2960000 +1962-03-02,70.160004,70.160004,69.750000,70.160004,70.160004,2980000 +1962-03-05,70.160004,70.480003,69.650002,70.010002,70.010002,3020000 +1962-03-06,70.010002,70.239998,69.459999,69.779999,69.779999,2870000 +1962-03-07,69.779999,70.070000,69.370003,69.690002,69.690002,2890000 +1962-03-08,69.690002,70.370003,69.400002,70.190002,70.190002,3210000 +1962-03-09,70.190002,70.709999,70.000000,70.419998,70.419998,3340000 +1962-03-12,70.419998,70.760002,70.019997,70.400002,70.400002,3280000 +1962-03-13,70.400002,70.860001,70.059998,70.599998,70.599998,3200000 +1962-03-14,70.599998,71.250000,70.480003,70.910004,70.910004,3670000 +1962-03-15,70.910004,71.440002,70.589996,71.059998,71.059998,3250000 +1962-03-16,71.059998,71.339996,70.669998,70.940002,70.940002,3060000 +1962-03-19,70.940002,71.309998,70.529999,70.849998,70.849998,3220000 +1962-03-20,70.849998,71.080002,70.400002,70.660004,70.660004,3060000 +1962-03-21,70.660004,70.930000,70.160004,70.510002,70.510002,3360000 +1962-03-22,70.510002,70.839996,70.139999,70.400002,70.400002,3130000 +1962-03-23,70.400002,70.779999,70.120003,70.449997,70.449997,3050000 +1962-03-26,70.449997,70.629997,69.730003,69.889999,69.889999,3040000 +1962-03-27,69.889999,70.199997,69.410004,69.699997,69.699997,3090000 +1962-03-28,69.699997,70.330002,69.540001,70.040001,70.040001,2940000 +1962-03-29,70.040001,70.500000,69.809998,70.010002,70.010002,2870000 +1962-03-30,70.010002,70.089996,69.160004,69.550003,69.550003,2950000 +1962-04-02,69.550003,69.820000,69.129997,69.370003,69.370003,2790000 +1962-04-03,69.370003,69.529999,68.529999,68.809998,68.809998,3350000 +1962-04-04,68.809998,69.220001,68.330002,68.489998,68.489998,3290000 +1962-04-05,68.489998,69.089996,68.120003,68.910004,68.910004,3130000 +1962-04-06,68.910004,69.419998,68.580002,68.839996,68.839996,2730000 +1962-04-09,68.839996,69.019997,68.089996,68.309998,68.309998,3020000 +1962-04-10,68.309998,68.800003,67.940002,68.559998,68.559998,2880000 +1962-04-11,68.559998,69.260002,68.239998,68.410004,68.410004,3240000 +1962-04-12,68.410004,68.430000,67.470001,67.900002,67.900002,3320000 +1962-04-13,67.900002,68.110001,67.029999,67.900002,67.900002,3470000 +1962-04-16,67.900002,68.190002,67.209999,67.599998,67.599998,3070000 +1962-04-17,67.599998,68.199997,67.239998,67.900002,67.900002,2940000 +1962-04-18,67.900002,68.720001,67.830002,68.269997,68.269997,3350000 +1962-04-19,68.269997,68.900002,68.070000,68.589996,68.589996,3100000 +1962-04-23,68.589996,69.010002,68.169998,68.529999,68.529999,3240000 +1962-04-24,68.529999,68.910004,68.160004,68.459999,68.459999,3040000 +1962-04-25,68.459999,68.580002,67.529999,67.709999,67.709999,3340000 +1962-04-26,67.709999,67.970001,66.919998,67.050003,67.050003,3650000 +1962-04-27,67.050003,67.610001,65.989998,66.300003,66.300003,4140000 +1962-04-30,66.300003,66.900002,64.949997,65.239998,65.239998,4150000 +1962-05-01,65.239998,65.940002,63.759998,65.699997,65.699997,5100000 +1962-05-02,65.699997,66.669998,65.559998,65.989998,65.989998,3780000 +1962-05-03,65.989998,66.930000,65.809998,66.529999,66.529999,3320000 +1962-05-04,66.529999,66.800003,65.800003,66.239998,66.239998,3010000 +1962-05-07,66.239998,66.559998,65.660004,66.019997,66.019997,2530000 +1962-05-08,66.019997,66.129997,64.879997,65.169998,65.169998,3020000 +1962-05-09,65.169998,65.169998,64.019997,64.260002,64.260002,3670000 +1962-05-10,64.260002,64.389999,62.990002,63.570000,63.570000,4730000 +1962-05-11,63.570000,64.099998,62.439999,62.650002,62.650002,4510000 +1962-05-14,62.650002,63.310001,61.110001,63.099998,63.099998,5990000 +1962-05-15,63.410000,64.870003,63.410000,64.290001,64.290001,4780000 +1962-05-16,64.290001,64.879997,63.820000,64.269997,64.269997,3360000 +1962-05-17,64.269997,64.410004,63.380001,63.930000,63.930000,2950000 +1962-05-18,63.930000,64.139999,63.290001,63.820000,63.820000,2490000 +1962-05-21,63.820000,64.000000,63.209999,63.590000,63.590000,2260000 +1962-05-22,63.590000,63.689999,62.259998,62.340000,62.340000,3640000 +1962-05-23,62.340000,62.419998,60.900002,61.110001,61.110001,5450000 +1962-05-24,61.110001,61.790001,60.360001,60.619999,60.619999,5250000 +1962-05-25,60.619999,60.980000,59.000000,59.470001,59.470001,6380000 +1962-05-28,59.150002,59.150002,55.419998,55.500000,55.500000,9350000 +1962-05-29,55.500000,58.290001,53.130001,58.080002,58.080002,14750000 +1962-05-31,58.799999,60.820000,58.799999,59.630001,59.630001,10710000 +1962-06-01,59.630001,59.959999,58.520000,59.380001,59.380001,5760000 +1962-06-04,59.119999,59.119999,57.139999,57.270000,57.270000,5380000 +1962-06-05,57.270000,58.419998,56.330002,57.570000,57.570000,6140000 +1962-06-06,57.639999,59.169998,57.639999,58.389999,58.389999,4190000 +1962-06-07,58.389999,58.900002,58.000000,58.400002,58.400002,2760000 +1962-06-08,58.400002,58.970001,58.139999,58.450001,58.450001,2560000 +1962-06-11,58.450001,58.580002,57.509998,57.820000,57.820000,2870000 +1962-06-12,57.660000,57.660000,56.230000,56.340000,56.340000,4690000 +1962-06-13,56.340000,56.799999,55.240002,55.500000,55.500000,5850000 +1962-06-14,55.500000,56.000000,54.119999,54.330002,54.330002,6240000 +1962-06-15,54.330002,55.959999,53.660000,55.889999,55.889999,7130000 +1962-06-18,55.889999,56.529999,54.970001,55.740002,55.740002,4580000 +1962-06-19,55.740002,55.880001,54.980000,55.540001,55.540001,2680000 +1962-06-20,55.540001,55.919998,54.660000,54.779999,54.779999,3360000 +1962-06-21,54.779999,54.779999,53.500000,53.590000,53.590000,4560000 +1962-06-22,53.590000,53.779999,52.480000,52.680000,52.680000,5640000 +1962-06-25,52.680000,52.959999,51.349998,52.450001,52.450001,7090000 +1962-06-26,52.450001,53.580002,52.099998,52.320000,52.320000,4630000 +1962-06-27,52.320000,52.830002,51.770000,52.599998,52.599998,3890000 +1962-06-28,52.980000,54.639999,52.980000,54.410000,54.410000,5440000 +1962-06-29,54.410000,55.470001,54.200001,54.750000,54.750000,4720000 +1962-07-02,54.750000,56.020000,54.470001,55.860001,55.860001,3450000 +1962-07-03,55.860001,56.740002,55.570000,56.490002,56.490002,3920000 +1962-07-05,56.490002,57.099998,56.150002,56.810001,56.810001,3350000 +1962-07-06,56.730000,56.730000,55.639999,56.169998,56.169998,3110000 +1962-07-09,56.169998,56.730000,55.540001,56.549999,56.549999,2950000 +1962-07-10,56.990002,58.360001,56.990002,57.200001,57.200001,7120000 +1962-07-11,57.200001,57.950001,56.770000,57.730000,57.730000,4250000 +1962-07-12,57.730000,58.669998,57.590000,58.029999,58.029999,5370000 +1962-07-13,58.029999,58.180000,57.230000,57.830002,57.830002,3380000 +1962-07-16,57.830002,58.099998,57.180000,57.830002,57.830002,3130000 +1962-07-17,57.830002,57.959999,56.680000,56.779999,56.779999,3500000 +1962-07-18,56.779999,56.810001,55.860001,56.200001,56.200001,3620000 +1962-07-19,56.200001,56.950001,55.959999,56.419998,56.419998,3090000 +1962-07-20,56.419998,57.090000,56.270000,56.810001,56.810001,2610000 +1962-07-23,56.810001,57.320000,56.529999,56.799999,56.799999,2770000 +1962-07-24,56.799999,56.930000,56.139999,56.360001,56.360001,2560000 +1962-07-25,56.360001,56.669998,55.779999,56.459999,56.459999,2910000 +1962-07-26,56.459999,57.180000,56.160000,56.770000,56.770000,2790000 +1962-07-27,56.770000,57.360001,56.560001,57.200001,57.200001,2890000 +1962-07-30,57.200001,57.980000,57.080002,57.830002,57.830002,3200000 +1962-07-31,57.830002,58.580002,57.740002,58.230000,58.230000,4190000 +1962-08-01,58.230000,58.299999,57.509998,57.750000,57.750000,3100000 +1962-08-02,57.750000,58.200001,57.380001,57.980000,57.980000,3410000 +1962-08-03,57.980000,58.320000,57.630001,58.119999,58.119999,5990000 +1962-08-06,58.119999,58.349998,57.540001,57.750000,57.750000,3110000 +1962-08-07,57.750000,57.810001,57.070000,57.360001,57.360001,2970000 +1962-08-08,57.360001,57.639999,56.759998,57.509998,57.509998,3080000 +1962-08-09,57.509998,57.880001,57.189999,57.570000,57.570000,2670000 +1962-08-10,57.570000,57.849998,57.160000,57.549999,57.549999,2470000 +1962-08-13,57.549999,57.900002,57.220001,57.630001,57.630001,2670000 +1962-08-14,57.630001,58.430000,57.410000,58.250000,58.250000,3640000 +1962-08-15,58.250000,59.110001,58.220001,58.660000,58.660000,4880000 +1962-08-16,58.660000,59.110001,58.240002,58.639999,58.639999,4180000 +1962-08-17,58.639999,59.240002,58.430000,59.009998,59.009998,3430000 +1962-08-20,59.009998,59.720001,58.900002,59.369999,59.369999,4580000 +1962-08-21,59.369999,59.660000,58.900002,59.119999,59.119999,3730000 +1962-08-22,59.119999,59.930000,58.910000,59.779999,59.779999,4520000 +1962-08-23,59.779999,60.330002,59.470001,59.700001,59.700001,4770000 +1962-08-24,59.700001,59.919998,59.180000,59.580002,59.580002,2890000 +1962-08-27,59.580002,59.939999,59.240002,59.549999,59.549999,3140000 +1962-08-28,59.549999,59.610001,58.660000,58.790001,58.790001,3180000 +1962-08-29,58.790001,58.959999,58.169998,58.660000,58.660000,2900000 +1962-08-30,58.660000,59.060001,58.389999,58.680000,58.680000,2260000 +1962-08-31,58.680000,59.250000,58.450001,59.119999,59.119999,2830000 +1962-09-04,59.119999,59.490002,58.439999,58.560001,58.560001,2970000 +1962-09-05,58.560001,58.770000,57.950001,58.119999,58.119999,3050000 +1962-09-06,58.119999,58.599998,57.720001,58.360001,58.360001,3180000 +1962-09-07,58.360001,58.900002,58.090000,58.380001,58.380001,2890000 +1962-09-10,58.380001,58.639999,57.880001,58.450001,58.450001,2520000 +1962-09-11,58.450001,58.930000,58.169998,58.590000,58.590000,3040000 +1962-09-12,58.590000,59.060001,58.400002,58.840000,58.840000,3100000 +1962-09-13,58.840000,59.180000,58.459999,58.700001,58.700001,3100000 +1962-09-14,58.700001,59.139999,58.400002,58.889999,58.889999,2880000 +1962-09-17,58.889999,59.419998,58.650002,59.080002,59.080002,3330000 +1962-09-18,59.080002,59.540001,58.770000,59.029999,59.029999,3690000 +1962-09-19,59.029999,59.259998,58.590000,58.950001,58.950001,2950000 +1962-09-20,58.950001,59.290001,58.330002,58.540001,58.540001,3350000 +1962-09-21,58.540001,58.639999,57.430000,57.689999,57.689999,4280000 +1962-09-24,57.450001,57.450001,56.299999,56.630001,56.630001,5000000 +1962-09-25,56.630001,57.220001,56.119999,56.959999,56.959999,3620000 +1962-09-26,56.959999,57.290001,55.919998,56.150002,56.150002,3550000 +1962-09-27,56.150002,56.549999,55.529999,55.770000,55.770000,3540000 +1962-09-28,55.770000,56.580002,55.590000,56.270000,56.270000,2850000 +1962-10-01,56.270000,56.310001,55.259998,55.490002,55.490002,3090000 +1962-10-02,55.490002,56.459999,55.310001,56.099998,56.099998,3000000 +1962-10-03,56.099998,56.709999,55.840000,56.160000,56.160000,2610000 +1962-10-04,56.160000,56.840000,55.900002,56.700001,56.700001,2530000 +1962-10-05,56.700001,57.299999,56.549999,57.070000,57.070000,2730000 +1962-10-08,57.070000,57.410000,56.680000,57.070000,57.070000,1950000 +1962-10-09,57.070000,57.400002,56.709999,57.200001,57.200001,2340000 +1962-10-10,57.200001,57.830002,56.959999,57.240002,57.240002,3040000 +1962-10-11,57.240002,57.459999,56.779999,57.049999,57.049999,2460000 +1962-10-12,57.049999,57.209999,56.660000,56.950001,56.950001,2020000 +1962-10-15,56.950001,57.500000,56.660000,57.270000,57.270000,2640000 +1962-10-16,57.270000,57.630001,56.869999,57.080002,57.080002,2860000 +1962-10-17,57.080002,57.230000,56.369999,56.889999,56.889999,3240000 +1962-10-18,56.889999,57.020000,56.180000,56.340000,56.340000,3280000 +1962-10-19,56.340000,56.540001,55.340000,55.590000,55.590000,4650000 +1962-10-22,55.480000,55.480000,54.380001,54.959999,54.959999,5690000 +1962-10-23,54.959999,55.189999,53.240002,53.490002,53.490002,6110000 +1962-10-24,53.490002,55.439999,52.549999,55.209999,55.209999,6720000 +1962-10-25,55.169998,55.169998,53.820000,54.689999,54.689999,3950000 +1962-10-26,54.689999,54.959999,54.080002,54.540001,54.540001,2580000 +1962-10-29,55.340000,56.380001,55.340000,55.720001,55.720001,4280000 +1962-10-30,55.720001,56.840000,55.520000,56.540001,56.540001,3830000 +1962-10-31,56.540001,57.000000,56.189999,56.520000,56.520000,3090000 +1962-11-01,56.520000,57.310001,55.900002,57.119999,57.119999,3400000 +1962-11-02,57.119999,58.189999,56.779999,57.750000,57.750000,5470000 +1962-11-05,57.750000,58.700001,57.689999,58.349998,58.349998,4320000 +1962-11-07,58.349998,59.110001,57.759998,58.709999,58.709999,4580000 +1962-11-08,58.709999,59.119999,58.090000,58.320000,58.320000,4160000 +1962-11-09,58.320000,58.990002,57.900002,58.779999,58.779999,4340000 +1962-11-12,58.779999,60.000000,58.590000,59.590000,59.590000,5090000 +1962-11-13,59.590000,60.060001,59.060001,59.459999,59.459999,4550000 +1962-11-14,59.459999,60.410000,59.180000,60.160000,60.160000,5090000 +1962-11-15,60.160000,60.669998,59.740002,59.970001,59.970001,5050000 +1962-11-16,59.970001,60.459999,59.459999,60.160000,60.160000,4000000 +1962-11-19,60.160000,60.419998,59.459999,59.820000,59.820000,3410000 +1962-11-20,59.820000,60.630001,59.570000,60.450001,60.450001,4290000 +1962-11-21,60.450001,61.180000,60.189999,60.810001,60.810001,5100000 +1962-11-23,60.810001,62.029999,60.660000,61.540001,61.540001,5660000 +1962-11-26,61.540001,62.130001,60.950001,61.360001,61.360001,5650000 +1962-11-27,61.360001,62.040001,60.980000,61.730000,61.730000,5500000 +1962-11-28,61.730000,62.480000,61.509998,62.119999,62.119999,5980000 +1962-11-29,62.119999,62.720001,61.689999,62.410000,62.410000,5810000 +1962-11-30,62.410000,62.779999,61.779999,62.259998,62.259998,4570000 +1962-12-03,62.259998,62.450001,61.279999,61.939999,61.939999,3810000 +1962-12-04,61.939999,62.930000,61.770000,62.639999,62.639999,5210000 +1962-12-05,62.639999,63.500000,62.369999,62.389999,62.389999,6280000 +1962-12-06,62.389999,63.360001,62.279999,62.930000,62.930000,4600000 +1962-12-07,62.930000,63.430000,62.450001,63.060001,63.060001,3900000 +1962-12-10,63.060001,63.349998,61.959999,62.270000,62.270000,4270000 +1962-12-11,62.270000,62.580002,61.720001,62.320000,62.320000,3700000 +1962-12-12,62.320000,63.160000,62.130001,62.630001,62.630001,3760000 +1962-12-13,62.630001,63.070000,62.090000,62.419998,62.419998,3380000 +1962-12-14,62.419998,62.830002,61.959999,62.570000,62.570000,3280000 +1962-12-17,62.570000,62.950001,62.139999,62.369999,62.369999,3590000 +1962-12-18,62.369999,62.660000,61.779999,62.070000,62.070000,3620000 +1962-12-19,62.070000,62.810001,61.720001,62.580002,62.580002,4000000 +1962-12-20,62.580002,63.279999,62.439999,62.820000,62.820000,4220000 +1962-12-21,62.820000,63.130001,62.259998,62.639999,62.639999,3470000 +1962-12-24,62.639999,63.029999,62.189999,62.630001,62.630001,3180000 +1962-12-26,62.630001,63.320000,62.560001,63.020000,63.020000,3370000 +1962-12-27,63.020000,63.410000,62.669998,62.930000,62.930000,3670000 +1962-12-28,62.930000,63.250000,62.529999,62.959999,62.959999,4140000 +1962-12-31,62.959999,63.430000,62.680000,63.099998,63.099998,5420000 +1963-01-02,63.099998,63.389999,62.320000,62.689999,62.689999,2540000 +1963-01-03,62.689999,63.889999,62.669998,63.720001,63.720001,4570000 +1963-01-04,63.720001,64.449997,63.570000,64.129997,64.129997,5400000 +1963-01-07,64.129997,64.589996,63.669998,64.120003,64.120003,4440000 +1963-01-08,64.120003,64.980003,64.000000,64.739998,64.739998,5410000 +1963-01-09,64.739998,65.220001,64.320000,64.589996,64.589996,5110000 +1963-01-10,64.589996,65.160004,64.330002,64.709999,64.709999,4520000 +1963-01-11,64.709999,65.099998,64.309998,64.849998,64.849998,4410000 +1963-01-14,64.849998,65.500000,64.610001,65.199997,65.199997,5000000 +1963-01-15,65.199997,65.620003,64.820000,65.110001,65.110001,5930000 +1963-01-16,65.110001,65.250000,64.419998,64.669998,64.669998,4260000 +1963-01-17,64.669998,65.400002,64.349998,65.129997,65.129997,5230000 +1963-01-18,65.129997,65.699997,64.860001,65.180000,65.180000,4760000 +1963-01-21,65.180000,65.519997,64.639999,65.279999,65.279999,4090000 +1963-01-22,65.279999,65.800003,65.029999,65.440002,65.440002,4810000 +1963-01-23,65.440002,65.910004,65.230003,65.620003,65.620003,4820000 +1963-01-24,65.620003,66.089996,65.330002,65.750000,65.750000,4810000 +1963-01-25,65.750000,66.230003,65.379997,65.919998,65.919998,4770000 +1963-01-28,65.919998,66.589996,65.769997,66.239998,66.239998,4720000 +1963-01-29,66.239998,66.580002,65.830002,66.230003,66.230003,4360000 +1963-01-30,66.230003,66.330002,65.550003,65.849998,65.849998,3740000 +1963-01-31,65.849998,66.449997,65.510002,66.199997,66.199997,4270000 +1963-02-01,66.309998,66.309998,66.309998,66.309998,66.309998,4280000 +1963-02-04,66.309998,66.660004,65.889999,66.169998,66.169998,3670000 +1963-02-05,66.169998,66.349998,65.379997,66.110001,66.110001,4050000 +1963-02-06,66.110001,66.760002,65.879997,66.400002,66.400002,4340000 +1963-02-07,66.400002,66.809998,65.910004,66.169998,66.169998,4240000 +1963-02-08,66.169998,66.449997,65.650002,66.169998,66.169998,3890000 +1963-02-11,66.169998,66.410004,65.500000,65.760002,65.760002,3880000 +1963-02-12,65.760002,66.010002,65.160004,65.830002,65.830002,3710000 +1963-02-13,65.830002,66.529999,65.559998,66.150002,66.150002,4960000 +1963-02-14,66.150002,66.750000,65.930000,66.349998,66.349998,5640000 +1963-02-15,66.349998,66.739998,65.959999,66.410004,66.410004,4410000 +1963-02-18,66.410004,66.959999,66.099998,66.519997,66.519997,4700000 +1963-02-19,66.519997,66.669998,65.919998,66.199997,66.199997,4130000 +1963-02-20,66.199997,66.279999,65.440002,65.830002,65.830002,4120000 +1963-02-21,65.830002,66.230003,65.360001,65.919998,65.919998,3980000 +1963-02-25,65.919998,66.089996,65.239998,65.459999,65.459999,3680000 +1963-02-26,65.459999,65.860001,65.059998,65.470001,65.470001,3670000 +1963-02-27,65.470001,65.739998,64.860001,65.010002,65.010002,3680000 +1963-02-28,65.010002,65.139999,64.080002,64.290001,64.290001,4090000 +1963-03-01,64.290001,64.750000,63.799999,64.099998,64.099998,3920000 +1963-03-04,64.099998,65.080002,63.880001,64.720001,64.720001,3650000 +1963-03-05,64.720001,65.269997,64.410004,64.739998,64.739998,3280000 +1963-03-06,64.739998,65.059998,64.309998,64.849998,64.849998,3100000 +1963-03-07,64.849998,65.599998,64.809998,65.260002,65.260002,3350000 +1963-03-08,65.260002,65.739998,65.029999,65.330002,65.330002,3360000 +1963-03-11,65.330002,65.860001,65.110001,65.510002,65.510002,3180000 +1963-03-12,65.510002,65.970001,65.260002,65.669998,65.669998,3350000 +1963-03-13,65.669998,66.269997,65.540001,65.910004,65.910004,4120000 +1963-03-14,65.910004,66.209999,65.389999,65.599998,65.599998,3540000 +1963-03-15,65.599998,66.220001,65.389999,65.930000,65.930000,3400000 +1963-03-18,65.930000,66.169998,65.360001,65.610001,65.610001,3250000 +1963-03-19,65.610001,65.849998,65.190002,65.470001,65.470001,3180000 +1963-03-20,65.470001,66.150002,65.300003,65.949997,65.949997,3690000 +1963-03-21,65.949997,66.250000,65.599998,65.849998,65.849998,3220000 +1963-03-22,65.849998,66.440002,65.680000,66.190002,66.190002,3820000 +1963-03-25,66.190002,66.599998,65.919998,66.209999,66.209999,3700000 +1963-03-26,66.209999,66.730003,66.010002,66.400002,66.400002,4100000 +1963-03-27,66.400002,66.930000,66.209999,66.680000,66.680000,4270000 +1963-03-28,66.680000,67.010002,66.320000,66.580002,66.580002,3890000 +1963-03-29,66.580002,66.900002,66.230003,66.570000,66.570000,3390000 +1963-04-01,66.570000,67.180000,66.230003,66.849998,66.849998,3890000 +1963-04-02,66.849998,67.360001,66.510002,66.839996,66.839996,4360000 +1963-04-03,66.839996,67.550003,66.629997,67.360001,67.360001,4660000 +1963-04-04,67.360001,68.120003,67.279999,67.849998,67.849998,5300000 +1963-04-05,67.849998,68.459999,67.459999,68.279999,68.279999,5240000 +1963-04-08,68.279999,68.910004,68.050003,68.519997,68.519997,5940000 +1963-04-09,68.519997,68.839996,68.029999,68.449997,68.449997,5090000 +1963-04-10,68.449997,68.889999,67.660004,68.290001,68.290001,5880000 +1963-04-11,68.290001,69.070000,67.970001,68.769997,68.769997,5250000 +1963-04-15,68.769997,69.559998,68.580002,69.089996,69.089996,5930000 +1963-04-16,69.089996,69.610001,68.660004,69.139999,69.139999,5570000 +1963-04-17,69.139999,69.370003,68.470001,68.919998,68.919998,5220000 +1963-04-18,68.919998,69.339996,68.559998,68.889999,68.889999,4770000 +1963-04-19,68.889999,69.459999,68.599998,69.230003,69.230003,4660000 +1963-04-22,69.230003,69.820000,69.010002,69.300003,69.300003,5180000 +1963-04-23,69.300003,69.830002,68.949997,69.529999,69.529999,5220000 +1963-04-24,69.529999,70.120003,69.339996,69.720001,69.720001,5910000 +1963-04-25,69.720001,70.080002,69.250000,69.760002,69.760002,5070000 +1963-04-26,69.760002,70.110001,69.230003,69.699997,69.699997,4490000 +1963-04-29,69.699997,70.040001,69.260002,69.650002,69.650002,3980000 +1963-04-30,69.650002,70.180000,69.260002,69.800003,69.800003,4680000 +1963-05-01,69.800003,70.430000,69.610001,69.970001,69.970001,5060000 +1963-05-02,69.970001,70.500000,69.750000,70.169998,70.169998,4480000 +1963-05-03,70.169998,70.510002,69.779999,70.029999,70.029999,4760000 +1963-05-06,70.029999,70.309998,69.320000,69.529999,69.529999,4090000 +1963-05-07,69.529999,69.919998,69.029999,69.440002,69.440002,4140000 +1963-05-08,69.440002,70.239998,69.230003,70.010002,70.010002,5140000 +1963-05-09,70.010002,70.739998,69.860001,70.349998,70.349998,5600000 +1963-05-10,70.349998,70.809998,69.989998,70.519997,70.519997,5260000 +1963-05-13,70.519997,70.889999,70.110001,70.480003,70.480003,4920000 +1963-05-14,70.480003,70.730003,69.919998,70.209999,70.209999,4740000 +1963-05-15,70.209999,70.769997,69.870003,70.430000,70.430000,5650000 +1963-05-16,70.430000,70.809998,69.910004,70.250000,70.250000,5640000 +1963-05-17,70.250000,70.629997,69.830002,70.290001,70.290001,4410000 +1963-05-20,70.290001,70.480003,69.589996,69.959999,69.959999,4710000 +1963-05-21,69.959999,70.510002,69.620003,70.139999,70.139999,5570000 +1963-05-22,70.139999,70.680000,69.820000,70.139999,70.139999,5560000 +1963-05-23,70.139999,70.529999,69.790001,70.099998,70.099998,4400000 +1963-05-24,70.099998,70.440002,69.660004,70.019997,70.019997,4320000 +1963-05-27,70.019997,70.269997,69.480003,69.870003,69.870003,3760000 +1963-05-28,69.870003,70.410004,69.550003,70.010002,70.010002,3860000 +1963-05-29,70.010002,70.650002,69.860001,70.330002,70.330002,4320000 +1963-05-31,70.330002,71.139999,70.269997,70.800003,70.800003,4680000 +1963-06-03,70.800003,71.239998,70.389999,70.690002,70.690002,5400000 +1963-06-04,70.690002,71.080002,70.199997,70.699997,70.699997,5970000 +1963-06-05,70.699997,71.169998,70.169998,70.529999,70.529999,5860000 +1963-06-06,70.529999,70.949997,70.110001,70.580002,70.580002,4990000 +1963-06-07,70.580002,70.980003,70.099998,70.410004,70.410004,5110000 +1963-06-10,70.410004,70.510002,69.570000,69.940002,69.940002,4690000 +1963-06-11,69.940002,70.410004,69.580002,70.029999,70.029999,4390000 +1963-06-12,70.029999,70.809998,69.910004,70.410004,70.410004,5210000 +1963-06-13,70.410004,70.849998,69.980003,70.230003,70.230003,4690000 +1963-06-14,70.230003,70.599998,69.870003,70.250000,70.250000,3840000 +1963-06-17,69.949997,69.949997,69.949997,69.949997,69.949997,3510000 +1963-06-18,69.949997,70.430000,69.629997,70.019997,70.019997,3910000 +1963-06-19,70.019997,70.470001,69.750000,70.089996,70.089996,3970000 +1963-06-20,70.089996,70.360001,69.309998,70.010002,70.010002,4970000 +1963-06-21,70.010002,70.570000,69.790001,70.250000,70.250000,4190000 +1963-06-24,70.250000,70.669998,69.839996,70.199997,70.199997,3700000 +1963-06-25,70.199997,70.510002,69.750000,70.040001,70.040001,4120000 +1963-06-26,70.040001,70.099998,69.169998,69.410004,69.410004,4500000 +1963-06-27,69.410004,69.809998,68.779999,69.070000,69.070000,4540000 +1963-06-28,69.070000,69.680000,68.930000,69.370003,69.370003,3020000 +1963-07-01,69.370003,69.529999,68.580002,68.860001,68.860001,3360000 +1963-07-02,68.860001,69.720001,68.739998,69.459999,69.459999,3540000 +1963-07-03,69.459999,70.279999,69.419998,69.940002,69.940002,4030000 +1963-07-05,69.940002,70.480003,69.779999,70.220001,70.220001,2910000 +1963-07-08,70.220001,70.349998,69.470001,69.739998,69.739998,3290000 +1963-07-09,69.739998,70.389999,69.550003,70.040001,70.040001,3830000 +1963-07-10,70.040001,70.309998,69.559998,69.889999,69.889999,3730000 +1963-07-11,69.889999,70.300003,69.519997,69.760002,69.760002,4100000 +1963-07-12,69.760002,70.129997,69.360001,69.639999,69.639999,3660000 +1963-07-15,69.639999,69.730003,68.970001,69.199997,69.199997,3290000 +1963-07-16,69.199997,69.510002,68.849998,69.139999,69.139999,3000000 +1963-07-17,69.139999,69.529999,68.680000,68.930000,68.930000,3940000 +1963-07-18,68.930000,69.269997,68.339996,68.489998,68.489998,3710000 +1963-07-19,68.489998,68.699997,67.900002,68.349998,68.349998,3340000 +1963-07-22,68.349998,68.599998,67.540001,67.900002,67.900002,3700000 +1963-07-23,67.900002,68.570000,67.650002,67.910004,67.910004,3500000 +1963-07-24,67.910004,68.540001,67.760002,68.279999,68.279999,2810000 +1963-07-25,68.279999,68.919998,68.019997,68.260002,68.260002,3710000 +1963-07-26,68.260002,68.760002,68.029999,68.540001,68.540001,2510000 +1963-07-29,68.540001,68.959999,68.320000,68.669998,68.669998,2840000 +1963-07-30,68.669998,69.449997,68.580002,69.239998,69.239998,3550000 +1963-07-31,69.239998,69.830002,68.910004,69.129997,69.129997,3960000 +1963-08-01,69.129997,69.470001,68.639999,69.070000,69.070000,3410000 +1963-08-02,69.070000,69.559998,68.860001,69.300003,69.300003,2940000 +1963-08-05,69.300003,69.970001,69.199997,69.709999,69.709999,3370000 +1963-08-06,69.709999,70.400002,69.570000,70.169998,70.169998,3760000 +1963-08-07,70.169998,70.529999,69.690002,69.959999,69.959999,3790000 +1963-08-08,69.959999,70.309998,69.580002,70.019997,70.019997,3460000 +1963-08-09,70.019997,70.650002,69.830002,70.480003,70.480003,4050000 +1963-08-12,70.480003,71.000000,70.190002,70.589996,70.589996,4770000 +1963-08-13,70.589996,71.089996,70.320000,70.790001,70.790001,4450000 +1963-08-14,70.790001,71.320000,70.389999,71.070000,71.070000,4420000 +1963-08-15,71.070000,71.709999,70.809998,71.379997,71.379997,4980000 +1963-08-16,71.379997,71.949997,71.050003,71.489998,71.489998,4130000 +1963-08-19,71.489998,71.919998,71.150002,71.440002,71.440002,3650000 +1963-08-20,71.440002,71.910004,71.029999,71.379997,71.379997,3660000 +1963-08-21,71.379997,71.730003,71.000000,71.290001,71.290001,3820000 +1963-08-22,71.290001,71.809998,70.949997,71.540001,71.540001,4540000 +1963-08-23,71.540001,72.139999,71.330002,71.760002,71.760002,4880000 +1963-08-26,71.760002,72.300003,71.570000,71.910004,71.910004,4700000 +1963-08-27,71.910004,72.040001,71.269997,71.519997,71.519997,4080000 +1963-08-28,71.519997,72.389999,71.489998,72.040001,72.040001,5120000 +1963-08-29,72.040001,72.559998,71.830002,72.160004,72.160004,5110000 +1963-08-30,72.160004,72.709999,71.879997,72.500000,72.500000,4560000 +1963-09-03,72.500000,73.089996,72.300003,72.660004,72.660004,5570000 +1963-09-04,72.660004,73.180000,72.320000,72.639999,72.639999,6070000 +1963-09-05,72.639999,73.190002,72.150002,73.000000,73.000000,5700000 +1963-09-06,73.000000,73.510002,72.510002,72.839996,72.839996,7160000 +1963-09-09,72.839996,73.230003,72.260002,72.580002,72.580002,5020000 +1963-09-10,72.580002,73.269997,72.250000,72.989998,72.989998,5310000 +1963-09-11,72.989998,73.790001,72.830002,73.199997,73.199997,6670000 +1963-09-12,73.199997,73.599998,72.720001,73.150002,73.150002,5560000 +1963-09-13,73.150002,73.589996,72.820000,73.169998,73.169998,5230000 +1963-09-16,73.169998,73.629997,72.800003,73.070000,73.070000,4740000 +1963-09-17,73.070000,73.639999,72.790001,73.120003,73.120003,4950000 +1963-09-18,73.120003,73.440002,72.510002,72.800003,72.800003,5070000 +1963-09-19,72.800003,73.470001,72.610001,73.220001,73.220001,4080000 +1963-09-20,73.220001,73.709999,72.919998,73.300003,73.300003,5310000 +1963-09-23,73.300003,73.529999,72.620003,72.959999,72.959999,5140000 +1963-09-24,72.959999,73.669998,72.589996,73.300003,73.300003,5520000 +1963-09-25,73.300003,73.870003,72.580002,72.889999,72.889999,6340000 +1963-09-26,72.889999,73.070000,72.010002,72.269997,72.269997,5100000 +1963-09-27,72.269997,72.599998,71.599998,72.129997,72.129997,4350000 +1963-09-30,72.129997,72.370003,71.279999,71.699997,71.699997,3730000 +1963-10-01,71.699997,72.650002,71.570000,72.220001,72.220001,4420000 +1963-10-02,72.220001,72.669998,71.919998,72.300003,72.300003,3780000 +1963-10-03,72.300003,73.099998,72.099998,72.830002,72.830002,4510000 +1963-10-04,72.830002,73.190002,72.459999,72.849998,72.849998,5120000 +1963-10-07,72.849998,73.269997,72.389999,72.699997,72.699997,4050000 +1963-10-08,72.699997,73.139999,72.239998,72.599998,72.599998,4920000 +1963-10-09,71.980003,71.980003,71.599998,71.870003,71.870003,5520000 +1963-10-10,71.870003,72.519997,71.599998,72.199997,72.199997,4470000 +1963-10-11,72.199997,72.709999,71.870003,72.269997,72.269997,4740000 +1963-10-14,72.269997,72.430000,71.849998,72.300003,72.300003,4270000 +1963-10-15,72.300003,72.790001,71.989998,72.400002,72.400002,4550000 +1963-10-16,72.400002,73.199997,72.080002,72.970001,72.970001,5570000 +1963-10-17,72.970001,73.769997,72.839996,73.260002,73.260002,6790000 +1963-10-18,73.260002,73.739998,72.849998,73.320000,73.320000,5830000 +1963-10-21,73.320000,73.870003,73.029999,73.379997,73.379997,5450000 +1963-10-22,73.379997,73.550003,72.480003,72.959999,72.959999,6420000 +1963-10-23,72.959999,73.550003,72.589996,73.000000,73.000000,5830000 +1963-10-24,73.000000,73.730003,72.739998,73.279999,73.279999,6280000 +1963-10-25,73.279999,74.410004,73.059998,74.010002,74.010002,6390000 +1963-10-28,74.010002,75.150002,73.750000,74.480003,74.480003,7150000 +1963-10-29,74.480003,75.180000,73.970001,74.459999,74.459999,6100000 +1963-10-30,74.459999,74.589996,73.430000,73.800003,73.800003,5170000 +1963-10-31,73.800003,74.349998,73.250000,74.010002,74.010002,5030000 +1963-11-01,74.010002,74.440002,73.470001,73.830002,73.830002,5240000 +1963-11-04,73.830002,74.269997,73.089996,73.449997,73.449997,5440000 +1963-11-06,73.449997,73.470001,72.330002,72.809998,72.809998,5600000 +1963-11-07,72.809998,73.480003,72.580002,73.059998,73.059998,4320000 +1963-11-08,73.059998,73.660004,72.800003,73.360001,73.360001,4570000 +1963-11-11,73.519997,73.519997,73.519997,73.519997,73.519997,3970000 +1963-11-12,73.230003,73.230003,73.230003,73.230003,73.230003,4610000 +1963-11-13,73.230003,73.669998,72.889999,73.290001,73.290001,4710000 +1963-11-14,73.290001,73.529999,72.629997,72.949997,72.949997,4610000 +1963-11-15,72.949997,73.199997,72.089996,72.349998,72.349998,4790000 +1963-11-18,72.349998,72.519997,71.419998,71.830002,71.830002,4730000 +1963-11-19,71.830002,72.610001,71.419998,71.900002,71.900002,4430000 +1963-11-20,71.900002,73.139999,71.489998,72.559998,72.559998,5330000 +1963-11-21,72.559998,72.860001,71.400002,71.620003,71.620003,5670000 +1963-11-22,71.620003,72.169998,69.480003,69.610001,69.610001,6630000 +1963-11-26,71.400002,72.739998,71.400002,72.379997,72.379997,9320000 +1963-11-27,72.379997,72.779999,71.760002,72.250000,72.250000,5210000 +1963-11-29,72.250000,73.470001,72.050003,73.230003,73.230003,4810000 +1963-12-02,73.230003,74.080002,73.019997,73.660004,73.660004,4770000 +1963-12-03,73.660004,74.010002,73.139999,73.620003,73.620003,4520000 +1963-12-04,73.620003,74.180000,73.209999,73.800003,73.800003,4790000 +1963-12-05,73.800003,74.570000,73.449997,74.279999,74.279999,5190000 +1963-12-06,74.279999,74.629997,73.620003,74.000000,74.000000,4830000 +1963-12-09,74.000000,74.410004,73.559998,73.959999,73.959999,4430000 +1963-12-10,73.959999,74.480003,73.400002,73.989998,73.989998,4560000 +1963-12-11,73.989998,74.370003,73.580002,73.900002,73.900002,4400000 +1963-12-12,73.900002,74.309998,73.580002,73.910004,73.910004,4220000 +1963-12-13,73.910004,74.389999,73.680000,74.059998,74.059998,4290000 +1963-12-16,74.059998,74.660004,73.779999,74.300003,74.300003,4280000 +1963-12-17,74.300003,75.080002,74.070000,74.739998,74.739998,5140000 +1963-12-18,74.739998,75.209999,74.250000,74.629997,74.629997,6000000 +1963-12-19,74.629997,74.919998,74.080002,74.400002,74.400002,4410000 +1963-12-20,74.400002,74.750000,73.849998,74.279999,74.279999,4600000 +1963-12-23,74.279999,74.449997,73.489998,73.809998,73.809998,4540000 +1963-12-24,73.809998,74.480003,73.440002,73.970001,73.970001,3970000 +1963-12-26,73.970001,74.629997,73.739998,74.320000,74.320000,3700000 +1963-12-27,74.320000,74.910004,74.089996,74.440002,74.440002,4360000 +1963-12-30,74.440002,74.940002,74.129997,74.559998,74.559998,4930000 +1963-12-31,74.559998,75.360001,74.400002,75.019997,75.019997,6730000 +1964-01-02,75.019997,75.790001,74.820000,75.430000,75.430000,4680000 +1964-01-03,75.430000,76.040001,75.089996,75.500000,75.500000,5550000 +1964-01-06,75.500000,76.120003,75.180000,75.669998,75.669998,5480000 +1964-01-07,75.669998,76.239998,75.250000,75.690002,75.690002,5700000 +1964-01-08,75.690002,76.349998,75.389999,76.000000,76.000000,5380000 +1964-01-09,76.000000,76.639999,75.599998,76.279999,76.279999,5180000 +1964-01-10,76.279999,76.669998,75.739998,76.239998,76.239998,5260000 +1964-01-13,76.239998,76.709999,75.779999,76.220001,76.220001,5440000 +1964-01-14,76.220001,76.849998,75.879997,76.360001,76.360001,6500000 +1964-01-15,76.360001,77.059998,75.959999,76.639999,76.639999,6750000 +1964-01-16,76.639999,77.209999,76.050003,76.550003,76.550003,6200000 +1964-01-17,76.550003,77.089996,76.019997,76.559998,76.559998,5600000 +1964-01-20,76.559998,77.190002,76.019997,76.410004,76.410004,5570000 +1964-01-21,76.410004,76.989998,75.870003,76.620003,76.620003,4800000 +1964-01-22,76.620003,77.620003,76.449997,77.029999,77.029999,5430000 +1964-01-23,77.029999,77.620003,76.669998,77.089996,77.089996,5380000 +1964-01-24,77.089996,77.559998,76.580002,77.110001,77.110001,5080000 +1964-01-27,77.110001,77.779999,76.639999,77.080002,77.080002,5240000 +1964-01-28,77.080002,77.559998,76.629997,77.099998,77.099998,4720000 +1964-01-29,77.099998,77.360001,76.330002,76.629997,76.629997,4450000 +1964-01-30,76.629997,77.199997,76.260002,76.699997,76.699997,4230000 +1964-01-31,76.699997,77.370003,76.389999,77.040001,77.040001,4000000 +1964-02-03,77.040001,77.550003,76.529999,76.970001,76.970001,4140000 +1964-02-04,76.970001,77.309998,76.459999,76.879997,76.879997,4320000 +1964-02-05,76.879997,77.279999,76.360001,76.750000,76.750000,4010000 +1964-02-06,76.750000,77.260002,76.470001,76.930000,76.930000,4110000 +1964-02-07,76.930000,77.510002,76.660004,77.180000,77.180000,4710000 +1964-02-10,77.180000,77.769997,76.830002,77.050003,77.050003,4150000 +1964-02-11,77.050003,77.650002,76.809998,77.330002,77.330002,4040000 +1964-02-12,77.330002,77.879997,77.139999,77.570000,77.570000,4650000 +1964-02-13,77.570000,77.930000,77.099998,77.519997,77.519997,4820000 +1964-02-14,77.519997,77.820000,77.019997,77.480003,77.480003,4360000 +1964-02-17,77.480003,77.930000,77.040001,77.459999,77.459999,4780000 +1964-02-18,77.459999,77.900002,77.000000,77.470001,77.470001,4660000 +1964-02-19,77.470001,77.980003,77.129997,77.550003,77.550003,4280000 +1964-02-20,77.550003,77.989998,77.160004,77.620003,77.620003,4690000 +1964-02-24,77.620003,78.160004,77.269997,77.680000,77.680000,5630000 +1964-02-25,77.680000,78.309998,77.190002,77.680000,77.680000,5010000 +1964-02-26,77.680000,78.129997,77.330002,77.870003,77.870003,5350000 +1964-02-27,77.870003,78.290001,77.379997,77.620003,77.620003,5420000 +1964-02-28,77.620003,78.059998,77.199997,77.800003,77.800003,4980000 +1964-03-02,77.800003,78.379997,77.500000,77.970001,77.970001,5690000 +1964-03-03,77.970001,78.660004,77.690002,78.220001,78.220001,5350000 +1964-03-04,78.220001,78.699997,77.699997,78.070000,78.070000,5250000 +1964-03-05,78.070000,78.440002,77.580002,78.059998,78.059998,4680000 +1964-03-06,78.059998,78.599998,77.849998,78.309998,78.309998,4790000 +1964-03-09,78.309998,78.879997,77.949997,78.330002,78.330002,5510000 +1964-03-10,78.330002,78.900002,77.949997,78.589996,78.589996,5500000 +1964-03-11,78.589996,79.419998,78.449997,78.949997,78.949997,6180000 +1964-03-12,78.949997,79.410004,78.550003,79.080002,79.080002,5290000 +1964-03-13,79.080002,79.589996,78.739998,79.139999,79.139999,5660000 +1964-03-16,79.139999,79.599998,78.720001,79.139999,79.139999,5140000 +1964-03-17,79.139999,79.650002,78.769997,79.320000,79.320000,5480000 +1964-03-18,79.320000,79.889999,78.900002,79.379997,79.379997,5890000 +1964-03-19,79.379997,79.849998,78.940002,79.300003,79.300003,5670000 +1964-03-20,79.300003,79.349998,78.919998,78.919998,78.919998,5020000 +1964-03-23,78.919998,79.330002,78.449997,78.930000,78.930000,4940000 +1964-03-24,78.930000,79.339996,78.510002,78.790001,78.790001,5210000 +1964-03-25,78.790001,79.330002,78.169998,78.980003,78.980003,5420000 +1964-03-26,78.980003,79.580002,78.669998,79.190002,79.190002,5760000 +1964-03-30,79.190002,79.669998,78.750000,79.139999,79.139999,6060000 +1964-03-31,79.139999,79.510002,78.570000,78.980003,78.980003,5270000 +1964-04-01,78.980003,79.580002,78.669998,79.239998,79.239998,5510000 +1964-04-02,79.239998,80.089996,79.129997,79.699997,79.699997,6840000 +1964-04-03,79.699997,80.370003,79.449997,79.940002,79.940002,5990000 +1964-04-06,79.940002,80.449997,79.550003,80.019997,80.019997,5840000 +1964-04-07,80.019997,80.440002,79.410004,79.739998,79.739998,5900000 +1964-04-08,79.739998,80.169998,79.260002,79.750000,79.750000,5380000 +1964-04-09,79.750000,80.230003,79.360001,79.699997,79.699997,5300000 +1964-04-10,79.699997,80.260002,79.430000,79.849998,79.849998,4990000 +1964-04-13,79.849998,80.300003,79.419998,79.769997,79.769997,5330000 +1964-04-14,79.769997,80.370003,79.459999,79.989998,79.989998,5120000 +1964-04-15,79.989998,80.500000,79.629997,80.089996,80.089996,5270000 +1964-04-16,80.089996,80.620003,79.730003,80.199997,80.199997,5240000 +1964-04-17,80.199997,80.980003,79.989998,80.550003,80.550003,6030000 +1964-04-20,80.550003,81.040001,80.110001,80.500000,80.500000,5560000 +1964-04-21,80.500000,80.980003,80.050003,80.540001,80.540001,5750000 +1964-04-22,80.540001,80.919998,80.059998,80.489998,80.489998,5390000 +1964-04-23,80.489998,81.199997,80.089996,80.379997,80.379997,6690000 +1964-04-24,80.379997,80.620003,79.449997,79.750000,79.750000,5610000 +1964-04-27,79.750000,80.010002,78.900002,79.349998,79.349998,5070000 +1964-04-28,79.349998,80.260002,79.139999,79.900002,79.900002,4790000 +1964-04-29,79.900002,80.599998,79.290001,79.699997,79.699997,6200000 +1964-04-30,79.699997,80.080002,79.080002,79.459999,79.459999,5690000 +1964-05-01,79.459999,80.470001,79.459999,80.169998,80.169998,5990000 +1964-05-04,80.169998,81.010002,79.870003,80.470001,80.470001,5360000 +1964-05-05,80.470001,81.199997,79.989998,80.879997,80.879997,5340000 +1964-05-06,80.879997,81.570000,80.529999,81.059998,81.059998,5560000 +1964-05-07,81.059998,81.720001,80.669998,81.150002,81.150002,5600000 +1964-05-08,81.000000,81.000000,81.000000,81.000000,81.000000,4910000 +1964-05-11,81.000000,81.510002,80.580002,80.900002,80.900002,4490000 +1964-05-12,80.900002,81.809998,80.660004,81.160004,81.160004,5200000 +1964-05-13,81.160004,81.650002,80.660004,80.970001,80.970001,5890000 +1964-05-14,80.970001,81.279999,80.370003,80.860001,80.860001,4720000 +1964-05-15,80.860001,81.449997,80.489998,81.099998,81.099998,5070000 +1964-05-18,81.099998,81.470001,80.419998,80.720001,80.720001,4590000 +1964-05-19,80.720001,81.040001,79.959999,80.300003,80.300003,4360000 +1964-05-20,80.300003,81.019997,80.089996,80.660004,80.660004,4790000 +1964-05-21,80.660004,81.489998,80.360001,80.940002,80.940002,5350000 +1964-05-22,80.940002,81.150002,80.360001,80.730003,80.730003,4640000 +1964-05-25,80.730003,81.160004,80.209999,80.559998,80.559998,3990000 +1964-05-26,80.559998,80.940002,80.120003,80.389999,80.389999,4290000 +1964-05-27,80.389999,80.720001,79.779999,80.260002,80.260002,4450000 +1964-05-28,80.260002,80.750000,79.879997,80.370003,80.370003,4560000 +1964-06-01,80.370003,80.830002,79.830002,80.110001,80.110001,4300000 +1964-06-02,80.110001,80.599998,79.500000,79.699997,79.699997,4180000 +1964-06-03,79.699997,80.120003,79.269997,79.489998,79.489998,3990000 +1964-06-04,79.489998,79.750000,78.440002,78.669998,78.669998,4880000 +1964-06-05,78.669998,79.449997,78.500000,79.019997,79.019997,4240000 +1964-06-08,79.019997,79.440002,78.440002,78.639999,78.639999,4010000 +1964-06-09,78.639999,79.389999,78.150002,79.139999,79.139999,4470000 +1964-06-10,79.139999,79.839996,79.019997,79.440002,79.440002,4170000 +1964-06-11,79.440002,80.129997,79.239998,79.730003,79.730003,3620000 +1964-06-12,79.730003,80.050003,79.190002,79.599998,79.599998,3840000 +1964-06-15,79.599998,80.330002,79.389999,79.970001,79.970001,4110000 +1964-06-16,79.970001,80.720001,79.849998,80.400002,80.400002,4590000 +1964-06-17,80.400002,81.129997,80.220001,80.809998,80.809998,5340000 +1964-06-18,80.809998,81.339996,80.430000,80.790001,80.790001,4730000 +1964-06-19,80.790001,81.230003,80.389999,80.889999,80.889999,4050000 +1964-06-22,80.889999,81.540001,80.660004,81.110001,81.110001,4540000 +1964-06-23,81.110001,81.430000,80.500000,80.769997,80.769997,4060000 +1964-06-24,80.769997,81.449997,80.410004,81.059998,81.059998,4840000 +1964-06-25,81.059998,81.730003,80.750000,81.209999,81.209999,5010000 +1964-06-26,81.209999,81.779999,80.860001,81.459999,81.459999,4440000 +1964-06-29,81.459999,82.099998,81.099998,81.639999,81.639999,4380000 +1964-06-30,81.639999,82.070000,81.190002,81.690002,81.690002,4360000 +1964-07-01,81.690002,82.510002,81.459999,82.269997,82.269997,5320000 +1964-07-02,82.269997,82.980003,82.089996,82.599998,82.599998,5230000 +1964-07-06,82.599998,83.379997,82.370003,82.980003,82.980003,5080000 +1964-07-07,82.980003,83.529999,82.599998,83.120003,83.120003,5240000 +1964-07-08,83.120003,83.559998,82.580002,83.120003,83.120003,4760000 +1964-07-09,83.120003,83.639999,82.739998,83.220001,83.220001,5040000 +1964-07-10,83.220001,83.989998,82.870003,83.360001,83.360001,5420000 +1964-07-13,83.360001,83.860001,82.919998,83.309998,83.309998,4800000 +1964-07-14,83.309998,83.709999,82.720001,83.059998,83.059998,4760000 +1964-07-15,83.059998,83.669998,82.720001,83.339996,83.339996,4610000 +1964-07-16,83.339996,83.980003,83.059998,83.639999,83.639999,4640000 +1964-07-17,83.639999,84.330002,83.370003,84.010002,84.010002,4640000 +1964-07-20,84.010002,84.330002,83.440002,83.739998,83.739998,4390000 +1964-07-21,83.739998,83.989998,83.059998,83.540001,83.540001,4570000 +1964-07-22,83.540001,83.949997,82.959999,83.519997,83.519997,4570000 +1964-07-23,83.519997,83.910004,83.059998,83.480003,83.480003,4560000 +1964-07-24,83.480003,83.919998,83.070000,83.459999,83.459999,4210000 +1964-07-27,83.459999,83.820000,82.820000,83.080002,83.080002,4090000 +1964-07-28,83.080002,83.300003,82.400002,82.849998,82.849998,3860000 +1964-07-29,82.849998,83.300003,82.470001,82.919998,82.919998,4050000 +1964-07-30,82.919998,83.500000,82.629997,83.089996,83.089996,4530000 +1964-07-31,83.089996,83.570000,82.720001,83.180000,83.180000,4220000 +1964-08-03,83.180000,83.489998,82.650002,83.000000,83.000000,3780000 +1964-08-04,83.000000,83.019997,81.680000,81.959999,81.959999,4780000 +1964-08-05,81.959999,82.410004,80.800003,82.089996,82.089996,6160000 +1964-08-06,82.089996,82.449997,81.199997,81.339996,81.339996,3940000 +1964-08-07,81.339996,82.199997,81.190002,81.860001,81.860001,3190000 +1964-08-10,81.860001,82.230003,81.430000,81.779999,81.779999,3050000 +1964-08-11,81.779999,82.250000,81.449997,81.760002,81.760002,3450000 +1964-08-12,81.760002,82.529999,81.599998,82.169998,82.169998,4140000 +1964-08-13,82.169998,82.870003,81.980003,82.410004,82.410004,4600000 +1964-08-14,82.410004,82.830002,82.029999,82.349998,82.349998,4080000 +1964-08-17,82.349998,82.849998,82.019997,82.360001,82.360001,3780000 +1964-08-18,82.360001,82.790001,82.010002,82.400002,82.400002,4180000 +1964-08-19,82.400002,82.800003,81.989998,82.320000,82.320000,4160000 +1964-08-20,82.320000,82.570000,81.599998,81.940002,81.940002,3840000 +1964-08-21,81.940002,82.430000,81.639999,82.070000,82.070000,3620000 +1964-08-24,82.070000,82.480003,81.639999,81.910004,81.910004,3790000 +1964-08-25,81.910004,82.129997,81.199997,81.440002,81.440002,3780000 +1964-08-26,81.440002,81.739998,80.989998,81.320000,81.320000,3300000 +1964-08-27,81.320000,81.940002,81.070000,81.699997,81.699997,3560000 +1964-08-28,81.699997,82.290001,81.540001,81.989998,81.989998,3760000 +1964-08-31,81.989998,82.480003,81.459999,81.830002,81.830002,3340000 +1964-09-01,81.830002,82.500000,81.570000,82.180000,82.180000,4650000 +1964-09-02,82.180000,82.760002,81.949997,82.309998,82.309998,4800000 +1964-09-03,82.309998,82.830002,82.040001,82.559998,82.559998,4310000 +1964-09-04,82.559998,83.029999,82.309998,82.760002,82.760002,4210000 +1964-09-08,82.760002,83.239998,82.459999,82.870003,82.870003,4090000 +1964-09-09,82.870003,83.510002,82.540001,83.050003,83.050003,5690000 +1964-09-10,83.050003,83.500000,82.599998,83.099998,83.099998,5470000 +1964-09-11,83.099998,83.839996,82.790001,83.449997,83.449997,5630000 +1964-09-14,83.449997,83.889999,82.879997,83.220001,83.220001,5370000 +1964-09-15,83.220001,83.680000,82.690002,83.000000,83.000000,5690000 +1964-09-16,83.000000,83.519997,82.570000,83.239998,83.239998,4230000 +1964-09-17,83.239998,84.180000,83.169998,83.790001,83.790001,6380000 +1964-09-18,83.790001,84.290001,83.029999,83.480003,83.480003,6160000 +1964-09-21,83.480003,84.320000,83.410004,83.860001,83.860001,5310000 +1964-09-22,83.860001,84.440002,83.529999,83.889999,83.889999,5250000 +1964-09-23,83.889999,84.370003,83.449997,83.910004,83.910004,5920000 +1964-09-24,83.910004,84.430000,83.449997,84.000000,84.000000,5840000 +1964-09-25,84.000000,84.620003,83.559998,84.209999,84.209999,6170000 +1964-09-28,84.209999,84.730003,83.790001,84.279999,84.279999,4810000 +1964-09-29,84.279999,84.800003,83.839996,84.239998,84.239998,5070000 +1964-09-30,84.239998,84.660004,83.860001,84.180000,84.180000,4720000 +1964-10-01,84.180000,84.529999,83.739998,84.080002,84.080002,4470000 +1964-10-02,84.080002,84.639999,83.709999,84.360001,84.360001,4370000 +1964-10-05,84.360001,85.250000,84.199997,84.739998,84.739998,4850000 +1964-10-06,84.739998,85.239998,84.370003,84.790001,84.790001,4820000 +1964-10-07,84.790001,85.250000,84.419998,84.800003,84.800003,5090000 +1964-10-08,84.800003,85.400002,84.470001,85.040001,85.040001,5060000 +1964-10-09,85.040001,85.599998,84.720001,85.220001,85.220001,5290000 +1964-10-12,85.220001,85.580002,84.879997,85.239998,85.239998,4110000 +1964-10-13,85.239998,85.570000,84.629997,84.959999,84.959999,5400000 +1964-10-14,84.959999,85.290001,84.500000,84.790001,84.790001,4530000 +1964-10-15,84.790001,84.989998,83.650002,84.250000,84.250000,6500000 +1964-10-16,84.250000,85.099998,84.099998,84.830002,84.830002,5140000 +1964-10-19,84.830002,85.360001,84.470001,84.930000,84.930000,5010000 +1964-10-20,84.930000,85.570000,84.559998,85.180000,85.180000,5140000 +1964-10-21,85.180000,85.639999,84.769997,85.099998,85.099998,5170000 +1964-10-22,85.099998,85.440002,84.510002,84.940002,84.940002,4670000 +1964-10-23,84.940002,85.419998,84.570000,85.139999,85.139999,3830000 +1964-10-26,85.139999,85.699997,84.650002,85.000000,85.000000,5230000 +1964-10-27,85.000000,85.400002,84.610001,85.000000,85.000000,4470000 +1964-10-28,85.000000,85.370003,84.430000,84.690002,84.690002,4890000 +1964-10-29,84.690002,85.150002,84.360001,84.730003,84.730003,4390000 +1964-10-30,84.730003,85.220001,84.410004,84.860001,84.860001,4120000 +1964-11-02,84.860001,85.540001,84.510002,85.180000,85.180000,4430000 +1964-11-04,85.180000,85.900002,84.800003,85.139999,85.139999,4720000 +1964-11-05,85.139999,85.620003,84.720001,85.160004,85.160004,4380000 +1964-11-06,85.160004,85.550003,84.650002,85.230003,85.230003,4810000 +1964-11-09,85.230003,85.720001,84.930000,85.190002,85.190002,4560000 +1964-11-10,85.190002,85.550003,84.489998,84.839996,84.839996,5020000 +1964-11-11,84.839996,85.300003,84.489998,85.080002,85.080002,3790000 +1964-11-12,85.080002,85.629997,84.750000,85.190002,85.190002,5250000 +1964-11-13,85.190002,85.680000,84.760002,85.209999,85.209999,4860000 +1964-11-16,85.209999,85.940002,84.879997,85.650002,85.650002,4870000 +1964-11-17,85.650002,86.550003,85.480003,86.029999,86.029999,5920000 +1964-11-18,86.029999,86.800003,85.730003,86.220001,86.220001,6560000 +1964-11-19,86.220001,86.570000,85.599998,86.180000,86.180000,5570000 +1964-11-20,86.180000,86.800003,85.730003,86.279999,86.279999,5210000 +1964-11-23,86.279999,86.589996,85.480003,86.000000,86.000000,4860000 +1964-11-24,86.000000,86.120003,85.150002,85.730003,85.730003,5070000 +1964-11-25,85.730003,86.180000,85.099998,85.440002,85.440002,4800000 +1964-11-27,85.440002,85.680000,84.550003,85.160004,85.160004,4070000 +1964-11-30,85.160004,85.410004,84.099998,84.419998,84.419998,4890000 +1964-12-01,84.419998,84.559998,83.360001,83.550003,83.550003,4940000 +1964-12-02,83.550003,84.230003,83.120003,83.790001,83.790001,4930000 +1964-12-03,83.790001,84.739998,83.709999,84.180000,84.180000,4250000 +1964-12-04,84.349998,84.349998,84.349998,84.349998,84.349998,4340000 +1964-12-07,84.349998,85.029999,84.040001,84.330002,84.330002,4770000 +1964-12-08,84.330002,84.709999,83.690002,84.000000,84.000000,4990000 +1964-12-09,84.000000,84.239998,83.239998,83.459999,83.459999,5120000 +1964-12-10,83.459999,83.959999,82.980003,83.449997,83.449997,4790000 +1964-12-11,83.449997,84.050003,83.089996,83.660004,83.660004,4530000 +1964-12-14,83.660004,84.169998,83.099998,83.449997,83.449997,4340000 +1964-12-15,83.449997,83.790001,82.650002,83.220001,83.220001,5340000 +1964-12-16,83.220001,83.940002,83.000000,83.550003,83.550003,4610000 +1964-12-17,83.550003,84.239998,83.339996,83.900002,83.900002,4850000 +1964-12-18,83.900002,84.650002,83.730003,84.290001,84.290001,4630000 +1964-12-21,84.290001,84.910004,84.110001,84.379997,84.379997,4470000 +1964-12-22,84.379997,84.879997,83.940002,84.330002,84.330002,4520000 +1964-12-23,84.330002,84.760002,83.790001,84.150002,84.150002,4470000 +1964-12-24,84.150002,84.589996,83.739998,84.150002,84.150002,3600000 +1964-12-28,84.150002,84.580002,83.699997,84.070000,84.070000,3990000 +1964-12-29,84.070000,84.349998,83.379997,83.809998,83.809998,4450000 +1964-12-30,83.809998,84.629997,83.629997,84.300003,84.300003,5610000 +1964-12-31,84.300003,85.180000,84.180000,84.750000,84.750000,6470000 +1965-01-04,84.750000,85.150002,83.769997,84.230003,84.230003,3930000 +1965-01-05,84.230003,85.019997,84.019997,84.629997,84.629997,4110000 +1965-01-06,84.629997,85.379997,84.449997,84.889999,84.889999,4850000 +1965-01-07,84.889999,85.620003,84.660004,85.260002,85.260002,5080000 +1965-01-08,85.260002,85.839996,84.910004,85.370003,85.370003,5340000 +1965-01-11,85.370003,85.809998,84.900002,85.400002,85.400002,5440000 +1965-01-12,85.400002,85.980003,85.129997,85.610001,85.610001,5400000 +1965-01-13,85.610001,86.269997,85.349998,85.839996,85.839996,6160000 +1965-01-14,85.839996,86.379997,85.410004,85.839996,85.839996,5810000 +1965-01-15,85.839996,86.519997,85.599998,86.209999,86.209999,5340000 +1965-01-18,86.209999,87.150002,85.989998,86.489998,86.489998,5550000 +1965-01-19,86.489998,87.089996,86.150002,86.629997,86.629997,5550000 +1965-01-20,86.629997,87.099998,86.260002,86.599998,86.599998,5550000 +1965-01-21,86.599998,86.900002,86.019997,86.519997,86.519997,4780000 +1965-01-22,86.519997,87.150002,86.199997,86.739998,86.739998,5430000 +1965-01-25,86.739998,87.269997,86.389999,86.860001,86.860001,5370000 +1965-01-26,86.860001,87.449997,86.510002,86.940002,86.940002,5760000 +1965-01-27,86.940002,87.669998,86.699997,87.230003,87.230003,6010000 +1965-01-28,87.230003,87.879997,86.889999,87.480003,87.480003,6730000 +1965-01-29,87.480003,88.190002,87.180000,87.559998,87.559998,6940000 +1965-02-01,87.559998,88.010002,87.050003,87.580002,87.580002,5690000 +1965-02-02,87.580002,87.940002,87.029999,87.550003,87.550003,5460000 +1965-02-03,87.550003,88.010002,87.070000,87.629997,87.629997,6130000 +1965-02-04,87.629997,88.059998,87.059998,87.570000,87.570000,6230000 +1965-02-05,87.570000,87.980003,86.900002,87.290001,87.290001,5690000 +1965-02-08,87.000000,87.000000,85.949997,86.949997,86.949997,6010000 +1965-02-09,86.949997,87.639999,86.699997,87.239998,87.239998,5690000 +1965-02-10,87.239998,87.699997,86.199997,86.459999,86.459999,7210000 +1965-02-11,86.459999,86.889999,85.400002,85.540001,85.540001,5800000 +1965-02-12,85.540001,86.480003,85.540001,86.169998,86.169998,4960000 +1965-02-15,86.169998,86.860001,85.750000,86.070000,86.070000,5760000 +1965-02-16,86.070000,86.309998,85.330002,85.669998,85.669998,5000000 +1965-02-17,85.669998,86.250000,85.250000,85.769997,85.769997,5510000 +1965-02-18,85.769997,86.480003,85.470001,86.050003,86.050003,6060000 +1965-02-19,86.050003,86.669998,85.709999,86.209999,86.209999,5560000 +1965-02-23,86.209999,87.010002,86.029999,86.639999,86.639999,5880000 +1965-02-24,86.639999,87.720001,86.430000,87.169998,87.169998,7160000 +1965-02-25,87.169998,87.699997,86.699997,87.199997,87.199997,6680000 +1965-02-26,87.199997,87.839996,86.809998,87.430000,87.430000,5800000 +1965-03-01,87.430000,87.930000,86.919998,87.250000,87.250000,5780000 +1965-03-02,87.250000,87.790001,86.839996,87.400002,87.400002,5730000 +1965-03-03,87.400002,87.830002,86.879997,87.260002,87.260002,6600000 +1965-03-04,87.260002,87.720001,86.629997,86.980003,86.980003,7300000 +1965-03-05,86.980003,87.260002,86.000000,86.800003,86.800003,6120000 +1965-03-08,86.800003,87.279999,86.309998,86.830002,86.830002,5250000 +1965-03-09,86.830002,87.269997,86.330002,86.690002,86.690002,5210000 +1965-03-10,86.690002,87.070000,86.199997,86.540001,86.540001,5100000 +1965-03-11,86.540001,87.290001,86.169998,86.900002,86.900002,5770000 +1965-03-12,86.900002,87.650002,86.599998,87.209999,87.209999,6370000 +1965-03-15,87.209999,87.919998,86.820000,87.239998,87.239998,6000000 +1965-03-16,87.239998,87.610001,86.669998,87.129997,87.129997,5480000 +1965-03-17,87.129997,87.510002,86.629997,87.019997,87.019997,5120000 +1965-03-18,87.019997,87.480003,86.500000,86.809998,86.809998,4990000 +1965-03-19,86.809998,87.370003,86.430000,86.839996,86.839996,5040000 +1965-03-22,86.839996,87.339996,86.410004,86.830002,86.830002,4920000 +1965-03-23,86.830002,87.339996,86.449997,86.930000,86.930000,4820000 +1965-03-24,86.930000,87.550003,86.680000,87.089996,87.089996,5420000 +1965-03-25,87.089996,87.500000,86.550003,86.839996,86.839996,5460000 +1965-03-26,86.839996,87.059998,85.959999,86.199997,86.199997,5020000 +1965-03-29,86.199997,86.660004,85.650002,86.029999,86.029999,4590000 +1965-03-30,86.029999,86.529999,85.690002,86.199997,86.199997,4270000 +1965-03-31,86.199997,86.639999,85.830002,86.160004,86.160004,4470000 +1965-04-01,86.160004,86.730003,85.870003,86.320000,86.320000,4890000 +1965-04-02,86.320000,86.889999,86.080002,86.529999,86.529999,5060000 +1965-04-05,86.529999,87.080002,86.139999,86.529999,86.529999,4920000 +1965-04-06,86.529999,86.910004,86.080002,86.500000,86.500000,4610000 +1965-04-07,86.500000,86.879997,86.139999,86.550003,86.550003,4430000 +1965-04-08,86.550003,87.349998,86.339996,87.040001,87.040001,5770000 +1965-04-09,87.040001,87.870003,86.860001,87.559998,87.559998,6580000 +1965-04-12,87.559998,88.360001,87.309998,87.940002,87.940002,6040000 +1965-04-13,87.940002,88.480003,87.540001,88.040001,88.040001,6690000 +1965-04-14,88.040001,88.650002,87.709999,88.239998,88.239998,6580000 +1965-04-15,88.239998,88.629997,87.550003,88.150002,88.150002,5830000 +1965-04-19,88.150002,88.900002,87.900002,88.510002,88.510002,5700000 +1965-04-20,88.510002,89.070000,88.019997,88.459999,88.459999,6480000 +1965-04-21,88.459999,88.820000,87.699997,88.300003,88.300003,5590000 +1965-04-22,88.300003,89.129997,88.120003,88.779999,88.779999,5990000 +1965-04-23,88.779999,89.410004,88.480003,88.879997,88.879997,5860000 +1965-04-26,88.879997,89.290001,88.300003,88.889999,88.889999,5410000 +1965-04-27,88.889999,89.639999,88.709999,89.040001,89.040001,6310000 +1965-04-28,89.040001,89.480003,88.510002,89.000000,89.000000,5680000 +1965-04-29,89.000000,89.430000,88.470001,88.930000,88.930000,5510000 +1965-04-30,88.930000,89.440002,88.500000,89.110001,89.110001,5190000 +1965-05-03,89.110001,89.680000,88.620003,89.230003,89.230003,5340000 +1965-05-04,89.230003,89.889999,88.820000,89.510002,89.510002,5720000 +1965-05-05,89.510002,90.400002,89.139999,89.709999,89.709999,6350000 +1965-05-06,89.709999,90.570000,89.389999,89.919998,89.919998,6340000 +1965-05-07,89.919998,90.300003,89.330002,89.849998,89.849998,5820000 +1965-05-10,89.849998,90.220001,89.220001,89.660004,89.660004,5600000 +1965-05-11,89.660004,89.980003,89.050003,89.550003,89.550003,5150000 +1965-05-12,89.550003,90.309998,89.300003,89.940002,89.940002,6310000 +1965-05-13,89.940002,90.680000,89.680000,90.269997,90.269997,6460000 +1965-05-14,90.269997,90.660004,89.629997,90.099998,90.099998,5860000 +1965-05-17,90.099998,90.440002,89.239998,89.540001,89.540001,4980000 +1965-05-18,89.540001,89.839996,88.870003,89.459999,89.459999,5130000 +1965-05-19,89.459999,90.150002,89.169998,89.669998,89.669998,5860000 +1965-05-20,89.669998,89.860001,88.739998,89.180000,89.180000,5750000 +1965-05-21,89.180000,89.410004,88.400002,88.750000,88.750000,4660000 +1965-05-24,88.750000,88.889999,87.750000,88.089996,88.089996,4790000 +1965-05-25,88.089996,88.959999,87.820000,88.599998,88.599998,4950000 +1965-05-26,88.599998,89.220001,88.040001,88.300003,88.300003,5330000 +1965-05-27,88.300003,88.360001,87.239998,87.839996,87.839996,5520000 +1965-05-28,87.839996,88.680000,87.580002,88.419998,88.419998,4270000 +1965-06-01,88.419998,88.800003,87.879997,88.720001,88.720001,4830000 +1965-06-02,87.870003,87.870003,86.250000,87.089996,87.089996,6790000 +1965-06-03,87.089996,88.050003,86.580002,86.900002,86.900002,5720000 +1965-06-04,86.900002,87.459999,86.360001,87.110001,87.110001,4530000 +1965-06-07,87.110001,87.449997,86.040001,86.879997,86.879997,4680000 +1965-06-08,86.879997,87.099998,85.739998,85.930000,85.930000,4660000 +1965-06-09,85.930000,86.370003,84.750000,85.040001,85.040001,7070000 +1965-06-10,85.040001,85.820000,84.099998,84.730003,84.730003,7470000 +1965-06-11,84.730003,85.680000,84.500000,85.120003,85.120003,5350000 +1965-06-14,85.120003,85.680000,83.639999,84.010002,84.010002,5920000 +1965-06-15,84.010002,84.860001,83.010002,84.489998,84.489998,8450000 +1965-06-16,84.580002,85.790001,84.580002,85.199997,85.199997,6290000 +1965-06-17,85.199997,86.220001,84.980003,85.739998,85.739998,5220000 +1965-06-18,85.739998,86.099998,84.900002,85.339996,85.339996,4330000 +1965-06-21,85.339996,85.639999,84.529999,85.050003,85.050003,3280000 +1965-06-22,85.050003,85.699997,84.760002,85.209999,85.209999,3330000 +1965-06-23,85.209999,85.589996,84.519997,84.669998,84.669998,3580000 +1965-06-24,84.669998,84.730003,83.300003,83.559998,83.559998,5840000 +1965-06-25,83.559998,83.830002,82.599998,83.059998,83.059998,5790000 +1965-06-28,83.059998,83.339996,81.360001,81.599998,81.599998,7650000 +1965-06-29,81.599998,83.040001,80.730003,82.410004,82.410004,10450000 +1965-06-30,82.970001,84.629997,82.970001,84.120003,84.120003,6930000 +1965-07-01,84.120003,84.639999,83.570000,84.480003,84.480003,4520000 +1965-07-02,84.480003,85.400002,84.129997,85.160004,85.160004,4260000 +1965-07-06,85.160004,85.629997,84.570000,84.989998,84.989998,3400000 +1965-07-07,84.989998,85.139999,84.279999,84.669998,84.669998,3020000 +1965-07-08,84.669998,85.599998,84.290001,85.389999,85.389999,4380000 +1965-07-09,85.389999,86.110001,85.110001,85.709999,85.709999,4800000 +1965-07-12,85.709999,86.080002,85.239998,85.690002,85.690002,3690000 +1965-07-13,85.690002,86.010002,85.120003,85.589996,85.589996,3260000 +1965-07-14,85.589996,86.230003,85.180000,85.870003,85.870003,4100000 +1965-07-15,85.870003,86.470001,85.440002,85.720001,85.720001,4420000 +1965-07-16,85.720001,86.139999,85.260002,85.690002,85.690002,3520000 +1965-07-19,85.690002,86.040001,85.209999,85.629997,85.629997,3220000 +1965-07-20,85.629997,85.849998,84.389999,84.550003,84.550003,4670000 +1965-07-21,84.550003,84.839996,83.760002,84.070000,84.070000,4350000 +1965-07-22,84.070000,84.449997,83.529999,83.849998,83.849998,3310000 +1965-07-23,83.849998,84.519997,83.570000,84.070000,84.070000,3600000 +1965-07-26,84.070000,84.470001,83.489998,84.050003,84.050003,3790000 +1965-07-27,84.050003,84.589996,83.580002,83.870003,83.870003,4190000 +1965-07-28,83.870003,84.519997,83.300003,84.029999,84.029999,4760000 +1965-07-29,84.029999,85.000000,83.790001,84.680000,84.680000,4690000 +1965-07-30,84.680000,85.639999,84.639999,85.250000,85.250000,5200000 +1965-08-02,85.250000,85.870003,84.870003,85.419998,85.419998,4220000 +1965-08-03,85.419998,85.809998,84.800003,85.459999,85.459999,4640000 +1965-08-04,85.459999,86.120003,85.220001,85.790001,85.790001,4830000 +1965-08-05,85.790001,86.279999,85.430000,85.790001,85.790001,4920000 +1965-08-06,85.790001,86.400002,85.419998,86.070000,86.070000,4200000 +1965-08-09,86.070000,86.540001,85.519997,85.860001,85.860001,4540000 +1965-08-10,85.860001,86.309998,85.449997,85.870003,85.870003,4690000 +1965-08-11,85.870003,86.480003,85.639999,86.129997,86.129997,5030000 +1965-08-12,86.129997,86.750000,85.849998,86.379997,86.379997,5160000 +1965-08-13,86.379997,87.139999,86.089996,86.769997,86.769997,5430000 +1965-08-16,86.769997,87.430000,86.459999,86.870003,86.870003,5270000 +1965-08-17,86.870003,87.419998,86.480003,87.040001,87.040001,4520000 +1965-08-18,87.040001,87.570000,86.629997,86.989998,86.989998,5850000 +1965-08-19,86.989998,87.480003,86.489998,86.790001,86.790001,5000000 +1965-08-20,86.790001,87.139999,86.209999,86.690002,86.690002,4170000 +1965-08-23,86.690002,87.099998,86.220001,86.559998,86.559998,4470000 +1965-08-24,86.559998,87.190002,86.220001,86.709999,86.709999,4740000 +1965-08-25,86.709999,87.269997,86.330002,86.809998,86.809998,6240000 +1965-08-26,86.809998,87.519997,86.400002,87.139999,87.139999,6010000 +1965-08-27,87.139999,87.739998,86.809998,87.199997,87.199997,5570000 +1965-08-30,87.199997,87.639999,86.760002,87.209999,87.209999,4400000 +1965-08-31,87.209999,87.790001,86.779999,87.169998,87.169998,5170000 +1965-09-01,87.169998,87.629997,86.690002,87.169998,87.169998,5890000 +1965-09-02,87.169998,87.959999,86.980003,87.650002,87.650002,6470000 +1965-09-03,87.650002,88.410004,87.519997,88.059998,88.059998,6010000 +1965-09-07,88.059998,88.769997,87.760002,88.360001,88.360001,5750000 +1965-09-08,88.360001,89.080002,87.930000,88.660004,88.660004,6240000 +1965-09-09,88.660004,89.459999,88.349998,88.889999,88.889999,7360000 +1965-09-10,88.889999,89.849998,88.410004,89.120003,89.120003,6650000 +1965-09-13,89.120003,89.910004,88.769997,89.379997,89.379997,7020000 +1965-09-14,89.379997,90.010002,88.690002,89.029999,89.029999,7830000 +1965-09-15,89.029999,89.959999,88.709999,89.519997,89.519997,6220000 +1965-09-16,90.019997,90.019997,90.019997,90.019997,90.019997,7410000 +1965-09-17,90.019997,90.470001,89.320000,90.050003,90.050003,6610000 +1965-09-20,90.050003,90.669998,89.510002,90.080002,90.080002,7040000 +1965-09-21,90.080002,90.660004,89.430000,89.809998,89.809998,7750000 +1965-09-22,89.809998,90.669998,89.449997,90.220001,90.220001,8290000 +1965-09-23,90.220001,90.779999,89.430000,89.860001,89.860001,9990000 +1965-09-24,89.860001,90.470001,89.129997,90.019997,90.019997,7810000 +1965-09-27,90.650002,90.650002,90.650002,90.650002,90.650002,6820000 +1965-09-28,90.650002,91.129997,89.830002,90.430000,90.430000,8750000 +1965-09-29,90.430000,91.110001,89.559998,90.019997,90.019997,10600000 +1965-09-30,90.019997,90.709999,89.510002,89.959999,89.959999,8670000 +1965-10-01,89.959999,90.480003,89.300003,89.900002,89.900002,7470000 +1965-10-04,89.900002,90.559998,89.470001,90.080002,90.080002,5590000 +1965-10-05,90.080002,91.019997,89.919998,90.629997,90.629997,6980000 +1965-10-06,90.629997,90.940002,89.739998,90.540001,90.540001,6010000 +1965-10-07,90.540001,91.089996,90.089996,90.470001,90.470001,6670000 +1965-10-08,90.470001,91.309998,90.300003,90.849998,90.849998,7670000 +1965-10-11,90.849998,91.839996,90.730003,91.370003,91.370003,9600000 +1965-10-12,91.370003,91.940002,90.830002,91.349998,91.349998,9470000 +1965-10-13,91.349998,91.809998,90.730003,91.339996,91.339996,9470000 +1965-10-14,91.339996,91.900002,90.709999,91.190002,91.190002,8580000 +1965-10-15,91.190002,92.089996,90.760002,91.379997,91.379997,7470000 +1965-10-18,91.379997,92.279999,91.059998,91.680000,91.680000,8180000 +1965-10-19,91.680000,92.449997,91.349998,91.800003,91.800003,8620000 +1965-10-20,91.800003,92.260002,91.120003,91.779999,91.779999,8200000 +1965-10-21,91.779999,92.510002,91.419998,91.940002,91.940002,9170000 +1965-10-22,91.940002,92.739998,91.540001,91.980003,91.980003,8960000 +1965-10-25,91.980003,92.720001,91.339996,91.669998,91.669998,7090000 +1965-10-26,91.669998,92.629997,91.360001,92.199997,92.199997,6750000 +1965-10-27,92.199997,93.190002,91.949997,92.510002,92.510002,7670000 +1965-10-28,92.510002,92.949997,91.599998,92.209999,92.209999,7230000 +1965-10-29,92.209999,92.940002,91.830002,92.419998,92.419998,7240000 +1965-11-01,92.419998,92.919998,91.730003,92.230003,92.230003,6340000 +1965-11-03,92.230003,92.790001,91.620003,92.309998,92.309998,7520000 +1965-11-04,92.309998,93.070000,91.900002,92.459999,92.459999,8380000 +1965-11-05,92.459999,92.919998,91.779999,92.370003,92.370003,7310000 +1965-11-08,92.370003,92.970001,91.629997,92.230003,92.230003,7000000 +1965-11-09,92.230003,92.650002,91.470001,91.930000,91.930000,6680000 +1965-11-10,91.930000,92.400002,91.349998,91.830002,91.830002,4860000 +1965-11-11,91.830002,92.370003,91.309998,92.110001,92.110001,5430000 +1965-11-12,92.110001,93.070000,91.830002,92.550003,92.550003,7780000 +1965-11-15,92.550003,93.300003,92.040001,92.629997,92.629997,8310000 +1965-11-16,92.629997,93.129997,91.900002,92.410004,92.410004,8380000 +1965-11-17,92.410004,93.279999,91.849998,92.599998,92.599998,9120000 +1965-11-18,92.599998,92.940002,91.720001,92.220001,92.220001,7040000 +1965-11-19,92.220001,92.879997,91.730003,92.239998,92.239998,6850000 +1965-11-22,92.239998,92.480003,91.160004,91.639999,91.639999,6370000 +1965-11-23,91.639999,92.239998,91.150002,91.779999,91.779999,7150000 +1965-11-24,91.779999,92.500000,91.139999,91.940002,91.940002,7870000 +1965-11-26,91.940002,92.650002,91.389999,92.029999,92.029999,6970000 +1965-11-29,92.029999,92.599998,91.370003,91.800003,91.800003,8760000 +1965-11-30,91.800003,92.139999,90.809998,91.610001,91.610001,8990000 +1965-12-01,91.610001,92.260002,91.019997,91.500000,91.500000,10140000 +1965-12-02,91.500000,91.949997,90.690002,91.209999,91.209999,9070000 +1965-12-03,91.209999,91.800003,90.529999,91.269997,91.269997,8160000 +1965-12-06,91.199997,91.199997,89.199997,90.589996,90.589996,11440000 +1965-12-07,90.589996,92.000000,90.449997,91.389999,91.389999,9340000 +1965-12-08,91.389999,92.239998,90.839996,91.279999,91.279999,10120000 +1965-12-09,91.279999,92.059998,90.870003,91.559998,91.559998,9150000 +1965-12-10,91.559998,92.279999,91.139999,91.800003,91.800003,8740000 +1965-12-13,91.800003,92.449997,91.269997,91.830002,91.830002,8660000 +1965-12-14,91.830002,92.589996,91.349998,91.879997,91.879997,9920000 +1965-12-15,91.879997,92.669998,91.300003,92.019997,92.019997,9560000 +1965-12-16,92.019997,92.949997,91.529999,92.120003,92.120003,9950000 +1965-12-17,92.120003,92.760002,91.510002,92.080002,92.080002,9490000 +1965-12-20,92.080002,92.349998,91.089996,91.650002,91.650002,7350000 +1965-12-21,91.650002,92.589996,91.239998,92.010002,92.010002,8230000 +1965-12-22,92.010002,93.070000,91.529999,92.290001,92.290001,9720000 +1965-12-23,92.290001,92.889999,91.580002,92.190002,92.190002,6870000 +1965-12-27,92.190002,92.709999,91.279999,91.519997,91.519997,5950000 +1965-12-28,91.519997,92.129997,90.629997,91.529999,91.529999,7280000 +1965-12-29,91.529999,92.389999,91.139999,91.809998,91.809998,7610000 +1965-12-30,91.809998,92.680000,91.519997,92.199997,92.199997,7060000 +1965-12-31,92.199997,93.050003,91.820000,92.430000,92.430000,7240000 +1966-01-03,92.430000,92.870003,91.629997,92.180000,92.180000,5950000 +1966-01-04,92.180000,93.040001,91.680000,92.260002,92.260002,7540000 +1966-01-05,92.260002,93.330002,91.989998,92.849998,92.849998,9650000 +1966-01-06,92.849998,93.650002,92.510002,93.059998,93.059998,7880000 +1966-01-07,93.059998,93.639999,92.470001,93.139999,93.139999,7600000 +1966-01-10,93.139999,93.940002,92.750000,93.330002,93.330002,7720000 +1966-01-11,93.330002,94.050003,92.849998,93.410004,93.410004,8910000 +1966-01-12,93.410004,93.980003,92.800003,93.190002,93.190002,8530000 +1966-01-13,93.190002,94.000000,92.680000,93.360001,93.360001,8860000 +1966-01-14,93.360001,94.139999,92.980003,93.500000,93.500000,9210000 +1966-01-17,93.500000,94.459999,93.099998,93.769997,93.769997,9430000 +1966-01-18,93.769997,94.639999,93.230003,93.949997,93.949997,9790000 +1966-01-19,93.949997,94.620003,93.160004,93.690002,93.690002,10230000 +1966-01-20,93.690002,94.330002,92.870003,93.360001,93.360001,8670000 +1966-01-21,93.360001,93.970001,92.599998,93.470001,93.470001,9180000 +1966-01-24,93.470001,94.410004,93.070000,93.709999,93.709999,8780000 +1966-01-25,93.709999,94.559998,93.239998,93.849998,93.849998,9300000 +1966-01-26,93.849998,94.529999,93.180000,93.699997,93.699997,9910000 +1966-01-27,93.699997,94.339996,93.089996,93.669998,93.669998,8970000 +1966-01-28,93.669998,94.150002,92.839996,93.309998,93.309998,9000000 +1966-01-31,93.309998,93.769997,92.459999,92.879997,92.879997,7800000 +1966-02-01,92.879997,93.360001,91.610001,92.160004,92.160004,9090000 +1966-02-02,92.160004,92.910004,91.320000,92.529999,92.529999,8130000 +1966-02-03,92.529999,93.669998,92.110001,92.650002,92.650002,8160000 +1966-02-04,92.650002,93.699997,92.330002,93.260002,93.260002,7560000 +1966-02-07,93.260002,94.220001,92.849998,93.589996,93.589996,8000000 +1966-02-08,93.589996,94.290001,92.580002,93.550003,93.550003,10560000 +1966-02-09,93.550003,94.720001,93.290001,94.059998,94.059998,9760000 +1966-02-10,94.059998,94.699997,93.320000,93.830002,93.830002,9790000 +1966-02-11,93.830002,94.519997,93.250000,93.809998,93.809998,8150000 +1966-02-14,93.809998,94.400002,93.150002,93.529999,93.529999,8360000 +1966-02-15,93.529999,94.040001,92.669998,93.169998,93.169998,8750000 +1966-02-16,93.169998,93.739998,92.629997,93.160004,93.160004,9180000 +1966-02-17,93.160004,93.580002,92.110001,92.660004,92.660004,9330000 +1966-02-18,92.660004,93.139999,91.800003,92.410004,92.410004,8470000 +1966-02-21,92.410004,92.830002,91.349998,91.870003,91.870003,8510000 +1966-02-23,91.870003,92.209999,90.989998,91.480003,91.480003,8080000 +1966-02-24,91.480003,91.809998,90.449997,90.889999,90.889999,7860000 +1966-02-25,90.889999,91.879997,90.430000,91.139999,91.139999,8140000 +1966-02-28,91.139999,91.949997,90.650002,91.220001,91.220001,9910000 +1966-03-01,91.220001,91.650002,89.760002,90.059998,90.059998,11030000 +1966-03-02,90.059998,90.650002,88.699997,89.150002,89.150002,10470000 +1966-03-03,89.150002,90.029999,88.260002,89.470001,89.470001,9900000 +1966-03-04,89.470001,90.250000,88.720001,89.239998,89.239998,9000000 +1966-03-07,89.239998,89.389999,87.669998,88.040001,88.040001,9370000 +1966-03-08,88.040001,89.000000,87.169998,88.180000,88.180000,10120000 +1966-03-09,88.180000,89.209999,87.959999,88.959999,88.959999,7980000 +1966-03-10,88.959999,90.139999,88.360001,88.959999,88.959999,10310000 +1966-03-11,88.959999,89.629997,88.300003,88.849998,88.849998,7000000 +1966-03-14,88.849998,88.919998,87.559998,87.849998,87.849998,7400000 +1966-03-15,87.849998,88.199997,86.690002,87.349998,87.349998,9440000 +1966-03-16,87.349998,88.550003,87.089996,87.860001,87.860001,7330000 +1966-03-17,87.860001,88.599998,87.449997,88.169998,88.169998,5460000 +1966-03-18,88.169998,89.230003,87.820000,88.529999,88.529999,6450000 +1966-03-21,88.529999,89.730003,88.400002,89.199997,89.199997,7230000 +1966-03-22,89.199997,90.279999,89.010002,89.459999,89.459999,8910000 +1966-03-23,89.459999,89.800003,88.690002,89.129997,89.129997,6720000 +1966-03-24,89.129997,89.800003,88.680000,89.290001,89.290001,7880000 +1966-03-25,89.290001,90.139999,88.959999,89.540001,89.540001,7750000 +1966-03-28,89.540001,90.410004,89.150002,89.620003,89.620003,8640000 +1966-03-29,89.620003,90.040001,88.629997,89.269997,89.269997,8300000 +1966-03-30,89.269997,89.570000,88.309998,88.779999,88.779999,7980000 +1966-03-31,88.779999,89.699997,88.470001,89.230003,89.230003,6690000 +1966-04-01,89.230003,90.370003,88.959999,89.940002,89.940002,9050000 +1966-04-04,89.940002,91.330002,89.919998,90.760002,90.760002,9360000 +1966-04-05,90.760002,92.040001,90.470001,91.309998,91.309998,10560000 +1966-04-06,91.309998,92.099998,90.769997,91.559998,91.559998,9040000 +1966-04-07,91.559998,92.419998,90.989998,91.760002,91.760002,9650000 +1966-04-11,91.760002,92.599998,91.080002,91.790001,91.790001,9310000 +1966-04-12,91.790001,92.510002,90.919998,91.449997,91.449997,10500000 +1966-04-13,91.449997,92.809998,90.730003,91.540001,91.540001,10440000 +1966-04-14,91.540001,92.800003,91.120003,91.870003,91.870003,12980000 +1966-04-15,91.870003,92.750000,91.279999,91.989998,91.989998,10270000 +1966-04-18,91.989998,92.589996,91.089996,91.580002,91.580002,9150000 +1966-04-19,91.580002,92.309998,90.889999,91.570000,91.570000,8820000 +1966-04-20,91.570000,92.750000,91.339996,92.080002,92.080002,10530000 +1966-04-21,92.080002,93.019997,91.779999,92.419998,92.419998,9560000 +1966-04-22,92.419998,92.870003,91.599998,92.269997,92.269997,8650000 +1966-04-25,92.269997,92.860001,91.410004,92.080002,92.080002,7270000 +1966-04-26,92.080002,92.769997,91.470001,91.989998,91.989998,7540000 +1966-04-27,91.989998,92.489998,91.099998,91.760002,91.760002,7950000 +1966-04-28,91.760002,91.919998,90.239998,91.129997,91.129997,8310000 +1966-04-29,91.129997,91.860001,90.570000,91.059998,91.059998,7220000 +1966-05-02,91.059998,91.750000,90.430000,90.900002,90.900002,7070000 +1966-05-03,90.900002,91.099998,89.459999,89.849998,89.849998,8020000 +1966-05-04,89.849998,90.110001,88.540001,89.389999,89.389999,9740000 +1966-05-05,89.389999,89.769997,87.599998,87.930000,87.930000,10100000 +1966-05-06,87.930000,88.519997,86.239998,87.839996,87.839996,13110000 +1966-05-09,87.839996,87.959999,85.919998,86.320000,86.320000,9290000 +1966-05-10,86.320000,87.879997,86.120003,87.080002,87.080002,9050000 +1966-05-11,87.080002,88.379997,86.839996,87.230003,87.230003,7470000 +1966-05-12,87.230003,87.489998,85.720001,86.230003,86.230003,8210000 +1966-05-13,86.230003,86.309998,84.769997,85.470001,85.470001,8970000 +1966-05-16,85.470001,86.040001,83.900002,84.410004,84.410004,9260000 +1966-05-17,84.410004,85.029999,83.180000,83.629997,83.629997,9870000 +1966-05-18,83.720001,85.639999,83.720001,85.120003,85.120003,9310000 +1966-05-19,85.120003,86.330002,84.540001,85.019997,85.019997,8640000 +1966-05-20,85.019997,85.790001,84.209999,85.430000,85.430000,6430000 +1966-05-23,85.430000,86.910004,85.290001,86.199997,86.199997,7080000 +1966-05-24,86.199997,87.699997,86.190002,86.769997,86.769997,7210000 +1966-05-25,86.769997,87.480003,86.050003,87.070000,87.070000,5820000 +1966-05-26,87.070000,87.879997,86.540001,87.070000,87.070000,6080000 +1966-05-27,87.070000,87.419998,86.430000,87.330002,87.330002,4790000 +1966-05-31,87.330002,87.650002,85.800003,86.129997,86.129997,5770000 +1966-06-01,86.129997,86.650002,85.279999,86.099998,86.099998,5290000 +1966-06-02,86.099998,86.849998,85.550003,85.959999,85.959999,5080000 +1966-06-03,85.959999,86.550003,85.430000,86.059998,86.059998,4430000 +1966-06-06,86.059998,86.279999,85.029999,85.419998,85.419998,4260000 +1966-06-07,85.419998,85.540001,84.250000,84.830002,84.830002,5040000 +1966-06-08,84.830002,85.430000,84.309998,84.930000,84.930000,4580000 +1966-06-09,84.930000,85.980003,84.559998,85.500000,85.500000,5810000 +1966-06-10,85.500000,86.970001,85.320000,86.440002,86.440002,8240000 +1966-06-13,86.440002,87.589996,86.199997,86.830002,86.830002,7600000 +1966-06-14,86.830002,87.570000,86.019997,87.070000,87.070000,7600000 +1966-06-15,87.070000,87.739998,86.330002,86.730003,86.730003,8520000 +1966-06-16,86.730003,87.180000,85.879997,86.470001,86.470001,6870000 +1966-06-17,86.470001,87.110001,85.889999,86.510002,86.510002,6580000 +1966-06-20,86.510002,87.029999,85.839996,86.480003,86.480003,5940000 +1966-06-21,86.480003,87.279999,86.070000,86.709999,86.709999,6860000 +1966-06-22,86.709999,87.379997,86.150002,86.849998,86.849998,7800000 +1966-06-23,86.849998,87.730003,86.110001,86.500000,86.500000,7930000 +1966-06-24,86.500000,87.309998,85.680000,86.580002,86.580002,7140000 +1966-06-27,86.580002,87.309998,85.769997,86.080002,86.080002,5330000 +1966-06-28,86.080002,86.430000,85.000000,85.669998,85.669998,6280000 +1966-06-29,85.669998,85.980003,84.519997,84.860001,84.860001,6020000 +1966-06-30,84.860001,85.370003,83.750000,84.739998,84.739998,7250000 +1966-07-01,84.739998,86.080002,84.739998,85.610001,85.610001,5200000 +1966-07-05,85.610001,86.410004,85.089996,85.820000,85.820000,4610000 +1966-07-06,85.820000,87.379997,85.570000,87.059998,87.059998,6860000 +1966-07-07,87.059998,88.019997,86.669998,87.379997,87.379997,7200000 +1966-07-08,87.379997,88.040001,86.849998,87.610001,87.610001,6100000 +1966-07-11,87.610001,88.190002,86.970001,87.449997,87.449997,6200000 +1966-07-12,87.449997,87.779999,86.449997,86.879997,86.879997,5180000 +1966-07-13,86.879997,87.059998,85.830002,86.300003,86.300003,5580000 +1966-07-14,86.300003,87.339996,85.849998,86.820000,86.820000,5950000 +1966-07-15,86.820000,87.680000,86.440002,87.080002,87.080002,6090000 +1966-07-18,87.080002,87.589996,86.419998,86.989998,86.989998,5110000 +1966-07-19,86.989998,87.169998,85.750000,86.330002,86.330002,5960000 +1966-07-20,86.330002,86.639999,85.260002,85.510002,85.510002,5470000 +1966-07-21,85.510002,86.239998,84.769997,85.519997,85.519997,6200000 +1966-07-22,85.519997,86.110001,84.930000,85.410004,85.410004,6540000 +1966-07-25,85.410004,85.570000,83.559998,83.830002,83.830002,7050000 +1966-07-26,83.830002,84.669998,83.050003,83.699997,83.699997,7610000 +1966-07-27,83.699997,84.830002,83.500000,84.099998,84.099998,6070000 +1966-07-28,84.099998,84.760002,83.440002,83.769997,83.769997,5680000 +1966-07-29,83.769997,84.300003,83.099998,83.599998,83.599998,5150000 +1966-08-01,83.500000,83.500000,81.980003,82.309998,82.309998,5880000 +1966-08-02,82.309998,83.040001,81.769997,82.330002,82.330002,5710000 +1966-08-03,82.330002,83.709999,82.300003,83.150002,83.150002,6220000 +1966-08-04,83.150002,84.540001,83.070000,83.930000,83.930000,6880000 +1966-08-05,83.930000,84.699997,83.430000,84.000000,84.000000,5500000 +1966-08-08,84.000000,84.309998,82.970001,83.750000,83.750000,4900000 +1966-08-09,83.750000,84.360001,83.040001,83.489998,83.489998,6270000 +1966-08-10,83.489998,83.830002,82.690002,83.110001,83.110001,5290000 +1966-08-11,83.110001,83.529999,82.339996,83.019997,83.019997,5700000 +1966-08-12,83.019997,83.879997,82.570000,83.169998,83.169998,6230000 +1966-08-15,83.169998,83.690002,82.389999,82.739998,82.739998,5680000 +1966-08-16,82.709999,82.709999,81.260002,81.629997,81.629997,6130000 +1966-08-17,81.629997,81.900002,80.529999,81.180000,81.180000,6630000 +1966-08-18,81.180000,81.379997,79.599998,80.160004,80.160004,7000000 +1966-08-19,80.160004,80.779999,79.239998,79.620003,79.620003,7070000 +1966-08-22,79.620003,79.879997,77.580002,78.239998,78.239998,8690000 +1966-08-23,78.239998,79.239998,77.050003,78.110001,78.110001,9830000 +1966-08-24,78.110001,79.629997,77.919998,79.070000,79.070000,7050000 +1966-08-25,79.070000,79.790001,77.800003,78.059998,78.059998,6760000 +1966-08-26,77.849998,77.849998,76.099998,76.410004,76.410004,8190000 +1966-08-29,76.239998,76.239998,74.180000,74.529999,74.529999,10900000 +1966-08-30,74.529999,76.459999,73.910004,75.860001,75.860001,11230000 +1966-08-31,75.980003,78.059998,75.980003,77.099998,77.099998,8690000 +1966-09-01,77.099998,78.500000,76.660004,77.699997,77.699997,6250000 +1966-09-02,77.699997,78.199997,76.269997,77.419998,77.419998,6080000 +1966-09-06,77.419998,78.160004,76.550003,76.959999,76.959999,4350000 +1966-09-07,76.959999,77.260002,75.769997,76.370003,76.370003,5530000 +1966-09-08,76.370003,76.949997,75.029999,76.050003,76.050003,6660000 +1966-09-09,76.050003,76.940002,75.430000,76.290001,76.290001,5280000 +1966-09-12,76.470001,78.339996,76.470001,77.910004,77.910004,6780000 +1966-09-13,77.910004,79.160004,77.660004,78.320000,78.320000,6870000 +1966-09-14,78.320000,79.430000,77.730003,79.129997,79.129997,6250000 +1966-09-15,79.129997,80.599998,78.870003,80.080002,80.080002,6140000 +1966-09-16,80.080002,80.809998,79.330002,79.989998,79.989998,5150000 +1966-09-19,79.989998,80.500000,79.019997,79.589996,79.589996,4920000 +1966-09-20,79.589996,79.900002,78.570000,79.040001,79.040001,4560000 +1966-09-21,79.040001,79.150002,77.519997,77.709999,77.709999,5360000 +1966-09-22,77.709999,78.410004,76.809998,77.940002,77.940002,5760000 +1966-09-23,77.940002,78.430000,77.150002,77.669998,77.669998,4560000 +1966-09-26,77.669998,78.339996,76.879997,77.860001,77.860001,4960000 +1966-09-27,77.860001,79.099998,77.559998,78.099998,78.099998,6300000 +1966-09-28,78.099998,78.360001,76.699997,77.110001,77.110001,5990000 +1966-09-29,77.110001,77.279999,75.849998,76.309998,76.309998,6110000 +1966-09-30,76.309998,77.089996,75.449997,76.559998,76.559998,6170000 +1966-10-03,76.559998,76.980003,74.709999,74.900002,74.900002,6490000 +1966-10-04,74.900002,75.760002,73.910004,75.099998,75.099998,8910000 +1966-10-05,75.099998,76.099998,74.309998,74.690002,74.690002,5880000 +1966-10-06,74.690002,75.089996,73.470001,74.050003,74.050003,8110000 +1966-10-07,74.050003,74.669998,72.769997,73.199997,73.199997,8140000 +1966-10-10,73.199997,74.970001,72.279999,74.529999,74.529999,9630000 +1966-10-11,74.529999,76.199997,74.220001,74.910004,74.910004,8430000 +1966-10-12,74.910004,77.260002,74.370003,77.040001,77.040001,6910000 +1966-10-13,77.040001,78.449997,76.220001,76.889999,76.889999,8680000 +1966-10-14,76.889999,77.800003,76.010002,76.599998,76.599998,5610000 +1966-10-17,76.599998,78.410004,76.480003,77.470001,77.470001,5570000 +1966-10-18,77.470001,79.080002,77.349998,78.680000,78.680000,7180000 +1966-10-19,78.680000,79.339996,77.540001,78.050003,78.050003,6460000 +1966-10-20,78.050003,78.959999,77.260002,77.839996,77.839996,6840000 +1966-10-21,77.839996,78.620003,77.160004,78.190002,78.190002,5690000 +1966-10-24,78.190002,79.199997,77.730003,78.419998,78.419998,5780000 +1966-10-25,78.419998,79.220001,77.559998,78.900002,78.900002,6190000 +1966-10-26,78.900002,80.290001,78.699997,79.580002,79.580002,6760000 +1966-10-27,79.580002,80.720001,79.279999,80.230003,80.230003,6670000 +1966-10-28,80.230003,80.910004,79.489998,80.239998,80.239998,6420000 +1966-10-31,80.239998,80.820000,79.339996,80.199997,80.199997,5860000 +1966-11-01,80.199997,81.180000,79.790001,80.809998,80.809998,6480000 +1966-11-02,80.809998,81.680000,80.300003,80.879997,80.879997,6740000 +1966-11-03,80.879997,81.349998,79.980003,80.559998,80.559998,5860000 +1966-11-04,80.559998,81.209999,79.639999,80.809998,80.809998,6530000 +1966-11-07,80.809998,81.480003,80.160004,80.730003,80.730003,6120000 +1966-11-09,80.730003,81.900002,80.459999,81.379997,81.379997,8390000 +1966-11-10,81.379997,82.430000,81.000000,81.889999,81.889999,8870000 +1966-11-11,81.889999,82.360001,81.269997,81.940002,81.940002,6690000 +1966-11-14,81.940002,82.180000,80.809998,81.370003,81.370003,6540000 +1966-11-15,81.370003,82.070000,80.820000,81.690002,81.690002,7190000 +1966-11-16,81.690002,83.010002,81.550003,82.370003,82.370003,10350000 +1966-11-17,82.370003,82.800003,81.239998,81.800003,81.800003,8900000 +1966-11-18,81.800003,82.050003,80.790001,81.260002,81.260002,6900000 +1966-11-21,81.089996,81.089996,79.510002,80.089996,80.089996,7450000 +1966-11-22,80.089996,80.320000,78.889999,79.669998,79.669998,6430000 +1966-11-23,79.669998,80.849998,79.389999,80.209999,80.209999,7350000 +1966-11-25,80.209999,81.370003,79.830002,80.849998,80.849998,6810000 +1966-11-28,80.849998,81.379997,79.959999,80.709999,80.709999,7630000 +1966-11-29,80.709999,81.160004,79.940002,80.419998,80.419998,7320000 +1966-11-30,80.419998,80.900002,79.620003,80.449997,80.449997,7230000 +1966-12-01,80.449997,81.040001,79.660004,80.080002,80.080002,8480000 +1966-12-02,80.080002,81.290001,79.489998,80.129997,80.129997,6230000 +1966-12-05,80.129997,80.809998,79.599998,80.239998,80.239998,6470000 +1966-12-06,80.239998,81.290001,79.949997,80.839996,80.839996,7670000 +1966-12-07,80.839996,82.190002,80.589996,81.720001,81.720001,8980000 +1966-12-08,81.720001,82.720001,81.339996,82.050003,82.050003,8370000 +1966-12-09,82.050003,82.680000,81.330002,82.139999,82.139999,7650000 +1966-12-12,82.139999,83.540001,81.940002,83.000000,83.000000,9530000 +1966-12-13,83.000000,83.879997,82.279999,82.730003,82.730003,9650000 +1966-12-14,82.730003,83.349998,81.970001,82.639999,82.639999,7470000 +1966-12-15,82.639999,82.889999,81.199997,81.639999,81.639999,7150000 +1966-12-16,81.639999,82.209999,80.940002,81.580002,81.580002,6980000 +1966-12-19,81.580002,82.059998,80.559998,81.269997,81.269997,7340000 +1966-12-20,81.269997,81.690002,80.309998,80.959999,80.959999,6830000 +1966-12-21,80.959999,81.910004,80.419998,81.379997,81.379997,7690000 +1966-12-22,81.379997,82.339996,81.000000,81.690002,81.690002,8560000 +1966-12-23,81.690002,82.220001,80.970001,81.470001,81.470001,7350000 +1966-12-27,81.470001,81.839996,80.550003,81.000000,81.000000,6280000 +1966-12-28,81.000000,81.669998,80.290001,80.610001,80.610001,7160000 +1966-12-29,80.610001,81.080002,79.839996,80.370003,80.370003,7900000 +1966-12-30,80.370003,81.139999,79.660004,80.330002,80.330002,11330000 +1967-01-03,80.330002,81.610001,79.589996,80.379997,80.379997,6100000 +1967-01-04,80.379997,81.010002,79.430000,80.550003,80.550003,6150000 +1967-01-05,80.550003,81.930000,80.500000,81.599998,81.599998,7320000 +1967-01-06,81.599998,82.790001,81.320000,82.180000,82.180000,7830000 +1967-01-09,82.180000,83.309998,81.779999,82.809998,82.809998,9180000 +1967-01-10,82.809998,83.540001,82.220001,82.809998,82.809998,8120000 +1967-01-11,82.809998,83.919998,81.370003,83.470001,83.470001,13230000 +1967-01-12,83.470001,84.800003,83.110001,83.910004,83.910004,12830000 +1967-01-13,83.910004,84.900002,83.099998,84.529999,84.529999,10000000 +1967-01-16,84.529999,85.279999,83.730003,84.309998,84.309998,10280000 +1967-01-17,84.309998,85.809998,84.029999,85.239998,85.239998,11590000 +1967-01-18,85.239998,86.360001,84.900002,85.790001,85.790001,11390000 +1967-01-19,85.790001,86.610001,85.169998,85.820000,85.820000,10230000 +1967-01-20,85.820000,86.470001,85.070000,86.070000,86.070000,9530000 +1967-01-23,86.070000,88.169998,85.639999,86.389999,86.389999,10830000 +1967-01-24,86.389999,87.000000,85.290001,86.510002,86.510002,10430000 +1967-01-25,86.510002,87.019997,85.470001,85.849998,85.849998,10260000 +1967-01-26,85.849998,86.660004,84.870003,85.809998,85.809998,10630000 +1967-01-27,85.809998,86.760002,85.339996,86.160004,86.160004,9690000 +1967-01-30,86.160004,87.349998,85.839996,86.660004,86.660004,10250000 +1967-01-31,86.660004,87.459999,86.059998,86.610001,86.610001,11540000 +1967-02-01,86.610001,87.040001,85.680000,86.430000,86.430000,9580000 +1967-02-02,86.430000,87.309998,85.870003,86.730003,86.730003,10720000 +1967-02-03,86.730003,87.970001,86.510002,87.360001,87.360001,12010000 +1967-02-06,87.360001,87.980003,86.610001,87.180000,87.180000,10680000 +1967-02-07,87.180000,87.519997,86.480003,86.949997,86.949997,6400000 +1967-02-08,86.949997,88.250000,86.639999,87.720001,87.720001,11220000 +1967-02-09,87.720001,88.570000,86.989998,87.360001,87.360001,10970000 +1967-02-10,87.360001,88.190002,86.790001,87.629997,87.629997,8850000 +1967-02-13,87.629997,88.190002,86.949997,87.580002,87.580002,7570000 +1967-02-14,87.580002,88.739998,87.150002,88.169998,88.169998,9760000 +1967-02-15,88.169998,89.000000,87.620003,88.269997,88.269997,10480000 +1967-02-16,88.269997,88.800003,87.430000,87.860001,87.860001,8490000 +1967-02-17,87.860001,88.400002,87.250000,87.889999,87.889999,8530000 +1967-02-20,87.889999,88.129997,86.650002,87.400002,87.400002,8640000 +1967-02-21,87.400002,88.010002,86.800003,87.339996,87.339996,9030000 +1967-02-23,87.339996,88.000000,86.639999,87.449997,87.449997,10010000 +1967-02-24,87.449997,88.160004,86.760002,87.410004,87.410004,9830000 +1967-02-27,87.410004,87.610001,85.680000,86.459999,86.459999,10210000 +1967-02-28,86.459999,87.260002,85.610001,86.779999,86.779999,9970000 +1967-03-01,86.779999,88.360001,86.669998,87.680000,87.680000,11510000 +1967-03-02,87.680000,88.849998,87.389999,88.160004,88.160004,11900000 +1967-03-03,88.160004,89.000000,87.510002,88.290001,88.290001,11100000 +1967-03-06,88.290001,89.080002,87.459999,88.099998,88.099998,10400000 +1967-03-07,88.099998,88.739998,87.339996,88.160004,88.160004,9810000 +1967-03-08,88.160004,89.099998,87.690002,88.269997,88.269997,11070000 +1967-03-09,88.269997,89.040001,87.699997,88.529999,88.529999,10480000 +1967-03-10,88.529999,90.370003,88.459999,88.889999,88.889999,14900000 +1967-03-13,88.889999,89.410004,87.930000,88.430000,88.430000,9910000 +1967-03-14,88.430000,89.070000,87.580002,88.349998,88.349998,10260000 +1967-03-15,88.349998,89.599998,88.000000,89.190002,89.190002,10830000 +1967-03-16,89.190002,90.660004,89.089996,90.089996,90.089996,12170000 +1967-03-17,90.089996,90.839996,89.389999,90.250000,90.250000,10020000 +1967-03-20,90.250000,90.870003,89.349998,90.199997,90.199997,9040000 +1967-03-21,90.199997,91.050003,89.519997,90.000000,90.000000,9820000 +1967-03-22,90.000000,90.699997,89.169998,90.250000,90.250000,8820000 +1967-03-23,90.250000,91.510002,90.040001,90.940002,90.940002,9500000 +1967-03-27,90.940002,91.720001,90.190002,90.870003,90.870003,9260000 +1967-03-28,90.870003,91.620003,90.230003,90.910004,90.910004,8940000 +1967-03-29,90.910004,91.449997,90.169998,90.730003,90.730003,8430000 +1967-03-30,90.730003,91.320000,90.059998,90.699997,90.699997,8340000 +1967-03-31,90.699997,91.150002,89.750000,90.199997,90.199997,8130000 +1967-04-03,90.199997,90.370003,88.760002,89.239998,89.239998,8530000 +1967-04-04,89.239998,89.930000,88.449997,89.220001,89.220001,8750000 +1967-04-05,89.220001,90.309998,88.919998,89.790001,89.790001,8810000 +1967-04-06,89.790001,90.739998,89.440002,89.940002,89.940002,9470000 +1967-04-07,89.940002,90.599998,88.959999,89.360001,89.360001,9090000 +1967-04-10,89.320000,89.320000,87.860001,88.239998,88.239998,8110000 +1967-04-11,88.239998,89.339996,87.919998,88.879997,88.879997,7710000 +1967-04-12,88.879997,89.540001,88.360001,88.779999,88.779999,7750000 +1967-04-13,88.779999,89.860001,88.489998,89.459999,89.459999,7610000 +1967-04-14,89.459999,91.080002,89.260002,90.430000,90.430000,8810000 +1967-04-17,90.430000,91.779999,90.180000,91.070000,91.070000,9070000 +1967-04-18,91.070000,92.309998,90.699997,91.860001,91.860001,10500000 +1967-04-19,91.860001,92.730003,91.250000,91.940002,91.940002,10860000 +1967-04-20,91.940002,92.610001,91.209999,92.110001,92.110001,9690000 +1967-04-21,92.110001,92.900002,91.480003,92.300003,92.300003,10210000 +1967-04-24,92.300003,93.449997,91.779999,92.620003,92.620003,10250000 +1967-04-25,92.620003,93.570000,92.010002,93.110001,93.110001,10420000 +1967-04-26,93.110001,93.989998,92.440002,93.019997,93.019997,10560000 +1967-04-27,93.019997,94.250000,92.410004,93.809998,93.809998,10250000 +1967-04-28,93.809998,94.769997,93.330002,94.010002,94.010002,11200000 +1967-05-01,94.010002,94.599998,93.080002,93.839996,93.839996,9410000 +1967-05-02,93.839996,94.419998,93.059998,93.669998,93.669998,10260000 +1967-05-03,93.669998,94.480003,92.940002,93.910004,93.910004,11550000 +1967-05-04,93.910004,94.919998,93.410004,94.320000,94.320000,12850000 +1967-05-05,94.320000,95.139999,93.639999,94.440002,94.440002,10630000 +1967-05-08,94.440002,95.220001,93.709999,94.580002,94.580002,10330000 +1967-05-09,94.580002,95.250000,93.279999,93.599998,93.599998,10830000 +1967-05-10,93.599998,94.040001,92.510002,93.349998,93.349998,10410000 +1967-05-11,93.349998,94.370003,92.900002,93.750000,93.750000,10320000 +1967-05-12,93.750000,94.449997,92.940002,93.480003,93.480003,10470000 +1967-05-15,93.480003,93.750000,92.269997,92.709999,92.709999,8320000 +1967-05-16,92.709999,93.849998,92.190002,93.139999,93.139999,10700000 +1967-05-17,93.139999,93.750000,92.339996,92.779999,92.779999,9560000 +1967-05-18,92.779999,93.300003,91.980003,92.529999,92.529999,10290000 +1967-05-19,92.529999,92.860001,91.400002,92.070000,92.070000,10560000 +1967-05-22,92.070000,92.400002,90.830002,91.669998,91.669998,9600000 +1967-05-23,91.669998,92.070000,90.580002,91.230003,91.230003,9810000 +1967-05-24,91.230003,91.360001,89.680000,90.180000,90.180000,10290000 +1967-05-25,90.180000,91.839996,90.040001,91.190002,91.190002,8960000 +1967-05-26,91.190002,91.699997,90.339996,90.980003,90.980003,7810000 +1967-05-29,90.980003,91.220001,89.919998,90.489998,90.489998,6590000 +1967-05-31,90.389999,90.389999,88.709999,89.080002,89.080002,8870000 +1967-06-01,89.080002,90.760002,88.809998,90.230003,90.230003,9040000 +1967-06-02,90.230003,90.900002,89.269997,89.790001,89.790001,8070000 +1967-06-05,89.559998,89.559998,87.190002,88.430000,88.430000,11110000 +1967-06-06,88.480003,90.589996,88.480003,90.230003,90.230003,9230000 +1967-06-07,90.230003,91.750000,89.919998,90.910004,90.910004,10170000 +1967-06-08,90.910004,91.779999,90.239998,91.400002,91.400002,8300000 +1967-06-09,91.400002,92.260002,90.769997,91.559998,91.559998,9650000 +1967-06-12,91.559998,92.660004,91.120003,92.040001,92.040001,10230000 +1967-06-13,92.040001,93.269997,91.650002,92.620003,92.620003,11570000 +1967-06-14,92.620003,93.209999,91.809998,92.400002,92.400002,10960000 +1967-06-15,92.400002,93.260002,91.760002,92.489998,92.489998,11240000 +1967-06-16,92.489998,93.279999,91.980003,92.540001,92.540001,10740000 +1967-06-19,92.510002,92.510002,92.510002,92.510002,92.510002,8570000 +1967-06-20,92.480003,92.480003,92.480003,92.480003,92.480003,10350000 +1967-06-21,92.199997,92.199997,92.199997,92.199997,92.199997,9760000 +1967-06-22,91.970001,91.970001,91.970001,91.970001,91.970001,9550000 +1967-06-23,92.000000,92.000000,92.000000,92.000000,92.000000,9130000 +1967-06-26,91.639999,91.639999,91.639999,91.639999,91.639999,9040000 +1967-06-27,91.300003,91.300003,91.300003,91.300003,91.300003,8780000 +1967-06-28,91.309998,91.309998,91.309998,91.309998,91.309998,9310000 +1967-06-29,90.849998,90.849998,90.849998,90.849998,90.849998,9940000 +1967-06-30,90.639999,90.639999,90.639999,90.639999,90.639999,7850000 +1967-07-03,90.639999,91.320000,90.120003,90.910004,90.910004,6040000 +1967-07-05,90.910004,91.910004,90.559998,91.360001,91.360001,9170000 +1967-07-06,91.360001,92.029999,90.639999,91.320000,91.320000,10170000 +1967-07-07,91.320000,92.279999,90.760002,91.690002,91.690002,11540000 +1967-07-10,91.690002,92.800003,91.110001,92.050003,92.050003,12130000 +1967-07-11,92.050003,93.160004,91.580002,92.480003,92.480003,12400000 +1967-07-12,92.480003,93.099998,91.620003,92.400002,92.400002,11240000 +1967-07-13,92.400002,93.169998,91.820000,92.419998,92.419998,10730000 +1967-07-14,92.419998,93.349998,91.870003,92.739998,92.739998,10880000 +1967-07-17,92.739998,93.529999,92.099998,92.750000,92.750000,10390000 +1967-07-18,92.750000,94.050003,92.300003,93.500000,93.500000,12060000 +1967-07-19,93.500000,94.400002,92.830002,93.650002,93.650002,12850000 +1967-07-20,93.650002,94.489998,93.010002,93.849998,93.849998,11160000 +1967-07-21,93.849998,94.919998,93.239998,94.040001,94.040001,11710000 +1967-07-24,94.040001,94.680000,92.910004,93.730003,93.730003,9580000 +1967-07-25,93.730003,94.559998,93.029999,93.239998,93.239998,9890000 +1967-07-26,93.239998,94.709999,93.120003,94.059998,94.059998,11160000 +1967-07-27,94.059998,95.190002,93.510002,94.349998,94.349998,12400000 +1967-07-28,94.349998,95.230003,93.769997,94.489998,94.489998,10900000 +1967-07-31,94.489998,95.510002,94.010002,94.750000,94.750000,10330000 +1967-08-01,94.750000,95.839996,94.199997,95.370003,95.370003,12290000 +1967-08-02,95.370003,96.639999,95.029999,95.779999,95.779999,13510000 +1967-08-03,95.779999,96.360001,94.419998,95.660004,95.660004,13440000 +1967-08-04,95.660004,96.540001,95.150002,95.830002,95.830002,11130000 +1967-08-07,95.830002,96.430000,95.019997,95.580002,95.580002,10160000 +1967-08-08,95.580002,96.279999,95.040001,95.690002,95.690002,8970000 +1967-08-09,95.690002,96.470001,95.110001,95.779999,95.779999,10100000 +1967-08-10,95.779999,96.669998,95.050003,95.529999,95.529999,9040000 +1967-08-11,95.529999,95.980003,94.620003,95.150002,95.150002,8250000 +1967-08-14,95.150002,95.400002,94.019997,94.639999,94.639999,7990000 +1967-08-15,94.639999,95.540001,94.180000,94.769997,94.769997,8710000 +1967-08-16,94.769997,95.150002,93.930000,94.550003,94.550003,8220000 +1967-08-17,94.550003,95.330002,94.110001,94.629997,94.629997,8790000 +1967-08-18,94.629997,95.400002,94.160004,94.779999,94.779999,8250000 +1967-08-21,94.779999,95.220001,93.790001,94.250000,94.250000,8600000 +1967-08-22,94.250000,94.720001,93.349998,93.739998,93.739998,7940000 +1967-08-23,93.739998,94.150002,92.769997,93.610001,93.610001,8760000 +1967-08-24,93.610001,94.279999,92.769997,93.089996,93.089996,7740000 +1967-08-25,93.089996,93.379997,92.040001,92.699997,92.699997,7250000 +1967-08-28,92.699997,93.309998,92.010002,92.639999,92.639999,6270000 +1967-08-29,92.639999,93.580002,92.169998,92.879997,92.879997,6350000 +1967-08-30,92.879997,93.669998,92.430000,93.070000,93.070000,7200000 +1967-08-31,93.070000,94.190002,92.839996,93.639999,93.639999,8840000 +1967-09-01,93.639999,94.209999,93.000000,93.680000,93.680000,7460000 +1967-09-05,93.680000,94.699997,93.360001,94.209999,94.209999,8320000 +1967-09-06,94.209999,95.059998,93.720001,94.389999,94.389999,9550000 +1967-09-07,94.389999,94.949997,93.699997,94.330002,94.330002,8910000 +1967-09-08,94.330002,95.040001,93.699997,94.360001,94.360001,9300000 +1967-09-11,94.360001,95.260002,93.879997,94.540001,94.540001,9170000 +1967-09-12,94.540001,95.480003,94.010002,94.989998,94.989998,9930000 +1967-09-13,94.989998,96.620003,94.800003,95.989998,95.989998,12400000 +1967-09-14,95.989998,97.400002,95.589996,96.199997,96.199997,12220000 +1967-09-15,96.199997,96.940002,95.470001,96.269997,96.269997,10270000 +1967-09-18,96.269997,97.309998,95.730003,96.529999,96.529999,11620000 +1967-09-19,96.529999,97.349998,95.839996,96.169998,96.169998,11540000 +1967-09-20,96.169998,96.839996,95.389999,96.129997,96.129997,10980000 +1967-09-21,96.129997,97.500000,95.669998,96.750000,96.750000,11290000 +1967-09-22,96.750000,97.610001,96.110001,97.000000,97.000000,11160000 +1967-09-25,97.000000,98.309998,96.739998,97.589996,97.589996,10910000 +1967-09-26,97.589996,98.199997,96.400002,96.760002,96.760002,10940000 +1967-09-27,96.760002,97.540001,96.000000,96.790001,96.790001,8810000 +1967-09-28,96.790001,97.589996,96.190002,96.790001,96.790001,10470000 +1967-09-29,96.790001,97.370003,96.059998,96.709999,96.709999,9710000 +1967-10-02,96.709999,97.250000,95.820000,96.320000,96.320000,9240000 +1967-10-03,96.320000,97.230003,95.750000,96.650002,96.650002,10320000 +1967-10-04,96.650002,97.470001,95.940002,96.430000,96.430000,11520000 +1967-10-05,96.430000,97.250000,95.889999,96.669998,96.669998,8490000 +1967-10-06,96.669998,97.830002,96.339996,97.260002,97.260002,9830000 +1967-10-09,97.260002,98.250000,96.699997,97.510002,97.510002,11180000 +1967-10-10,97.510002,98.150002,96.379997,96.839996,96.839996,12000000 +1967-10-11,96.839996,97.339996,95.699997,96.370003,96.370003,11230000 +1967-10-12,96.370003,96.699997,95.320000,95.750000,95.750000,7770000 +1967-10-13,95.750000,96.690002,95.160004,96.000000,96.000000,9040000 +1967-10-16,96.000000,96.550003,94.849998,95.250000,95.250000,9080000 +1967-10-17,95.250000,95.919998,94.190002,95.000000,95.000000,10290000 +1967-10-18,95.000000,95.820000,94.339996,95.250000,95.250000,10500000 +1967-10-19,95.250000,96.459999,94.860001,95.430000,95.430000,11620000 +1967-10-20,95.430000,96.120003,94.620003,95.379997,95.379997,9510000 +1967-10-23,95.379997,95.690002,93.919998,94.959999,94.959999,9680000 +1967-10-24,94.959999,95.980003,94.050003,94.419998,94.419998,11110000 +1967-10-25,94.419998,95.180000,93.470001,94.519997,94.519997,10300000 +1967-10-26,94.519997,95.559998,93.989998,94.940002,94.940002,9920000 +1967-10-27,94.940002,95.790001,94.309998,94.959999,94.959999,9880000 +1967-10-30,94.959999,95.669998,94.139999,94.790001,94.790001,10250000 +1967-10-31,94.790001,95.250000,93.290001,93.300003,93.300003,12020000 +1967-11-01,93.300003,94.209999,92.449997,92.709999,92.709999,10930000 +1967-11-02,92.709999,93.690002,91.849998,92.339996,92.339996,10760000 +1967-11-03,92.339996,92.900002,91.330002,91.779999,91.779999,8800000 +1967-11-06,91.779999,92.230003,90.389999,91.480003,91.480003,10320000 +1967-11-08,91.480003,93.070000,90.800003,91.139999,91.139999,12630000 +1967-11-09,91.139999,92.250000,90.610001,91.589996,91.589996,8890000 +1967-11-10,91.589996,92.839996,91.290001,92.209999,92.209999,9960000 +1967-11-13,92.209999,93.230003,91.459999,91.970001,91.970001,10130000 +1967-11-14,91.970001,92.489998,90.809998,91.389999,91.389999,10350000 +1967-11-15,91.389999,92.250000,90.440002,91.760002,91.760002,10000000 +1967-11-16,91.760002,93.279999,91.500000,92.599998,92.599998,10570000 +1967-11-17,92.599998,93.620003,92.019997,92.820000,92.820000,10050000 +1967-11-20,92.379997,92.379997,90.089996,91.650002,91.650002,12750000 +1967-11-21,91.650002,93.709999,91.639999,93.099998,93.099998,12300000 +1967-11-22,93.099998,94.410004,92.699997,93.650002,93.650002,12180000 +1967-11-24,93.650002,94.459999,92.739998,93.900002,93.900002,9470000 +1967-11-27,93.900002,94.800003,93.320000,94.169998,94.169998,10040000 +1967-11-28,94.169998,95.080002,93.570000,94.489998,94.489998,11040000 +1967-11-29,94.489998,95.510002,93.849998,94.470001,94.470001,11400000 +1967-11-30,94.470001,94.940002,93.489998,94.000000,94.000000,8860000 +1967-12-01,94.000000,94.949997,93.410004,94.500000,94.500000,9740000 +1967-12-04,94.500000,95.680000,94.089996,95.099998,95.099998,11740000 +1967-12-05,95.099998,96.269997,94.519997,95.230003,95.230003,12940000 +1967-12-06,95.230003,96.160004,94.099998,95.639999,95.639999,11940000 +1967-12-07,95.639999,96.669998,95.040001,95.529999,95.529999,12490000 +1967-12-08,95.529999,96.250000,94.779999,95.419998,95.419998,10710000 +1967-12-11,95.419998,95.989998,94.500000,95.120003,95.120003,10500000 +1967-12-12,95.120003,95.779999,94.339996,95.010002,95.010002,10860000 +1967-12-13,95.010002,96.000000,94.580002,95.339996,95.339996,12480000 +1967-12-14,95.339996,96.349998,94.849998,95.470001,95.470001,12310000 +1967-12-15,95.470001,96.199997,94.510002,95.029999,95.029999,11530000 +1967-12-18,95.029999,95.879997,94.169998,94.769997,94.769997,10320000 +1967-12-19,94.769997,95.410004,94.000000,94.629997,94.629997,10610000 +1967-12-20,94.629997,95.750000,94.169998,95.150002,95.150002,11390000 +1967-12-21,95.150002,96.250000,94.690002,95.379997,95.379997,11010000 +1967-12-22,95.379997,96.110001,94.610001,95.199997,95.199997,9570000 +1967-12-26,95.199997,96.019997,94.610001,95.260002,95.260002,9150000 +1967-12-27,95.260002,96.419998,94.820000,95.910004,95.910004,12690000 +1967-12-28,95.910004,96.650002,94.910004,95.889999,95.889999,12530000 +1967-12-29,95.889999,96.900002,95.849998,96.470001,96.470001,14950000 +1968-01-02,96.470001,97.330002,95.309998,96.110001,96.110001,11080000 +1968-01-03,96.110001,96.949997,95.040001,95.669998,95.669998,12650000 +1968-01-04,95.669998,96.230003,94.309998,95.360001,95.360001,13440000 +1968-01-05,95.360001,96.660004,94.970001,95.940002,95.940002,11880000 +1968-01-08,95.940002,97.400002,95.540001,96.620003,96.620003,14260000 +1968-01-09,96.620003,97.839996,95.889999,96.500000,96.500000,13720000 +1968-01-10,96.500000,97.260002,95.660004,96.519997,96.519997,11670000 +1968-01-11,96.519997,97.820000,95.879997,96.620003,96.620003,13220000 +1968-01-12,96.620003,97.440002,95.870003,96.720001,96.720001,13080000 +1968-01-15,96.720001,97.459999,95.849998,96.419998,96.419998,12640000 +1968-01-16,96.419998,96.910004,95.320000,95.820000,95.820000,12340000 +1968-01-17,95.820000,96.410004,94.779999,95.639999,95.639999,12910000 +1968-01-18,95.639999,96.660004,95.010002,95.559998,95.559998,13840000 +1968-01-19,95.559998,96.220001,94.599998,95.239998,95.239998,11950000 +1968-01-22,95.239998,95.400002,93.550003,94.029999,94.029999,10630000 +1968-01-23,94.029999,94.660004,92.879997,93.660004,93.660004,11030000 +1968-01-24,93.660004,94.120003,92.449997,93.169998,93.169998,10570000 +1968-01-25,93.169998,94.110001,91.959999,93.300003,93.300003,12410000 +1968-01-26,93.300003,94.339996,92.769997,93.449997,93.449997,9980000 +1968-01-29,93.449997,94.379997,92.709999,93.349998,93.349998,9950000 +1968-01-30,93.349998,93.709999,92.180000,92.889999,92.889999,10110000 +1968-01-31,92.889999,93.260002,91.269997,92.239998,92.239998,9410000 +1968-02-01,92.239998,93.139999,91.570000,92.559998,92.559998,10590000 +1968-02-02,92.559998,93.440002,91.690002,92.269997,92.269997,10120000 +1968-02-05,92.269997,92.720001,91.239998,91.870003,91.870003,8980000 +1968-02-06,91.870003,92.519997,91.150002,91.900002,91.900002,8560000 +1968-02-07,91.900002,92.739998,91.480003,92.059998,92.059998,8380000 +1968-02-08,92.059998,92.400002,90.599998,90.900002,90.900002,9660000 +1968-02-09,90.900002,91.000000,89.230003,89.860001,89.860001,11850000 +1968-02-13,89.860001,90.459999,86.730003,89.070000,89.070000,10830000 +1968-02-14,89.070000,90.599998,88.660004,90.139999,90.139999,11390000 +1968-02-15,90.300003,90.300003,90.300003,90.300003,90.300003,9770000 +1968-02-16,90.300003,90.620003,89.279999,89.959999,89.959999,9070000 +1968-02-19,89.959999,90.870003,89.419998,90.309998,90.309998,7270000 +1968-02-20,90.309998,91.339996,89.949997,91.239998,91.239998,8800000 +1968-02-21,91.239998,91.870003,90.540001,91.239998,91.239998,9170000 +1968-02-23,91.239998,91.800003,90.279999,90.889999,90.889999,8810000 +1968-02-26,90.889999,91.080002,89.669998,90.180000,90.180000,7810000 +1968-02-27,90.180000,90.910004,89.559998,90.529999,90.529999,7600000 +1968-02-28,90.529999,91.190002,89.709999,90.080002,90.080002,8020000 +1968-02-29,90.080002,90.239998,88.930000,89.360001,89.360001,7700000 +1968-03-01,89.360001,89.820000,88.580002,89.110001,89.110001,8610000 +1968-03-04,89.110001,89.330002,87.519997,87.919998,87.919998,10590000 +1968-03-05,87.919998,88.720001,86.989998,87.720001,87.720001,11440000 +1968-03-06,87.720001,89.760002,87.639999,89.260002,89.260002,9900000 +1968-03-07,89.260002,89.980003,88.440002,89.099998,89.099998,8630000 +1968-03-08,89.099998,89.570000,88.230003,89.029999,89.029999,7410000 +1968-03-11,89.029999,90.559998,88.809998,90.129997,90.129997,9520000 +1968-03-12,90.129997,90.779999,89.389999,90.230003,90.230003,9250000 +1968-03-13,90.230003,90.709999,89.400002,90.029999,90.029999,8990000 +1968-03-14,89.750000,89.750000,87.809998,88.320000,88.320000,11640000 +1968-03-15,88.320000,89.750000,87.610001,89.099998,89.099998,11210000 +1968-03-18,89.110001,91.089996,89.110001,89.589996,89.589996,10800000 +1968-03-19,89.589996,90.050003,88.610001,88.989998,88.989998,7410000 +1968-03-20,88.989998,89.650002,88.480003,88.980003,88.980003,7390000 +1968-03-21,88.980003,89.480003,88.050003,88.330002,88.330002,8580000 +1968-03-22,88.330002,89.139999,87.500000,88.419998,88.419998,9900000 +1968-03-25,88.419998,88.879997,87.650002,88.330002,88.330002,6700000 +1968-03-26,88.330002,89.500000,88.099998,88.930000,88.930000,8670000 +1968-03-27,88.930000,90.199997,88.879997,89.660004,89.660004,8970000 +1968-03-28,89.660004,90.400002,89.050003,89.570000,89.570000,8000000 +1968-03-29,89.570000,90.919998,89.209999,90.199997,90.199997,9000000 +1968-04-01,91.110001,93.550003,91.110001,92.480003,92.480003,17730000 +1968-04-02,92.480003,93.440002,91.389999,92.639999,92.639999,14520000 +1968-04-03,92.639999,95.129997,92.239998,93.470001,93.470001,19290000 +1968-04-04,93.470001,94.589996,92.629997,93.839996,93.839996,14340000 +1968-04-05,93.839996,94.510002,92.669998,93.290001,93.290001,12570000 +1968-04-08,93.290001,95.449997,93.110001,94.949997,94.949997,13010000 +1968-04-10,94.949997,97.110001,94.739998,95.669998,95.669998,20410000 +1968-04-11,95.669998,96.930000,94.809998,96.529999,96.529999,14230000 +1968-04-15,96.529999,97.360001,95.330002,96.589996,96.589996,14220000 +1968-04-16,96.589996,97.540001,95.720001,96.620003,96.620003,15680000 +1968-04-17,96.620003,97.400002,95.760002,96.809998,96.809998,14090000 +1968-04-18,96.809998,97.889999,96.120003,97.080002,97.080002,15890000 +1968-04-19,97.080002,97.080002,95.150002,95.849998,95.849998,14560000 +1968-04-22,95.849998,96.070000,94.220001,95.320000,95.320000,11720000 +1968-04-23,95.680000,97.480003,95.680000,96.620003,96.620003,14010000 +1968-04-24,96.620003,97.809998,95.980003,96.919998,96.919998,14810000 +1968-04-25,96.919998,97.480003,95.680000,96.620003,96.620003,14430000 +1968-04-26,96.620003,97.830002,96.220001,97.209999,97.209999,13500000 +1968-04-29,97.209999,98.610001,96.809998,97.970001,97.970001,12030000 +1968-04-30,97.970001,98.169998,96.580002,97.459999,97.459999,14380000 +1968-05-01,97.459999,98.610001,96.839996,97.970001,97.970001,14440000 +1968-05-02,97.970001,99.180000,97.529999,98.589996,98.589996,14260000 +1968-05-03,98.589996,100.190002,97.980003,98.660004,98.660004,17990000 +1968-05-06,98.660004,99.110001,97.269997,98.349998,98.349998,12160000 +1968-05-07,98.349998,99.589996,97.860001,98.900002,98.900002,13920000 +1968-05-08,98.900002,99.739998,98.250000,98.910004,98.910004,13120000 +1968-05-09,98.910004,99.470001,97.680000,98.389999,98.389999,12890000 +1968-05-10,98.389999,99.300003,97.760002,98.500000,98.500000,11700000 +1968-05-13,98.500000,99.099998,97.519997,98.190002,98.190002,11860000 +1968-05-14,98.190002,98.849998,97.330002,98.120003,98.120003,13160000 +1968-05-15,98.120003,98.790001,97.320000,98.070000,98.070000,13180000 +1968-05-16,98.070000,98.690002,97.050003,97.599998,97.599998,13030000 +1968-05-17,97.599998,97.809998,96.110001,96.900002,96.900002,11830000 +1968-05-20,96.900002,97.410004,95.800003,96.449997,96.449997,11180000 +1968-05-21,96.449997,97.519997,95.919998,96.930000,96.930000,13160000 +1968-05-22,96.930000,98.169998,96.470001,97.180000,97.180000,14200000 +1968-05-23,97.180000,97.790001,96.379997,96.970001,96.970001,12840000 +1968-05-24,96.970001,97.730003,96.209999,97.150002,97.150002,13300000 +1968-05-27,97.150002,97.809998,96.290001,96.989998,96.989998,12720000 +1968-05-28,96.989998,98.199997,96.410004,97.620003,97.620003,13850000 +1968-05-29,97.620003,98.739998,97.010002,97.919998,97.919998,14100000 +1968-05-31,97.919998,99.400002,97.660004,98.680000,98.680000,13090000 +1968-06-03,98.720001,100.620003,98.720001,99.989998,99.989998,14970000 +1968-06-04,99.989998,101.260002,99.320000,100.379997,100.379997,18030000 +1968-06-05,100.379997,101.129997,99.260002,99.889999,99.889999,15590000 +1968-06-06,99.889999,101.589996,99.500000,100.650002,100.650002,16130000 +1968-06-07,100.650002,101.889999,100.239998,101.269997,101.269997,17320000 +1968-06-10,101.269997,102.250000,100.419998,101.410004,101.410004,14640000 +1968-06-11,101.410004,102.400002,100.739998,101.660004,101.660004,15700000 +1968-06-13,101.660004,102.839996,100.550003,101.250000,101.250000,21350000 +1968-06-14,101.250000,101.820000,99.980003,101.129997,101.129997,14690000 +1968-06-17,101.129997,101.709999,99.430000,100.129997,100.129997,12570000 +1968-06-18,100.129997,101.089996,99.430000,99.989998,99.989998,13630000 +1968-06-20,99.989998,101.599998,99.519997,101.510002,101.510002,16290000 +1968-06-21,101.510002,101.589996,99.800003,100.660004,100.660004,13450000 +1968-06-24,100.660004,101.480003,99.660004,100.389999,100.389999,12320000 +1968-06-25,100.389999,101.099998,99.279999,100.080002,100.080002,13200000 +1968-06-27,100.080002,101.010002,99.110001,99.980003,99.980003,15370000 +1968-06-28,99.980003,100.629997,98.910004,99.580002,99.580002,12040000 +1968-07-01,99.580002,100.330002,98.769997,99.400002,99.400002,11280000 +1968-07-02,99.400002,100.599998,98.599998,99.739998,99.739998,13350000 +1968-07-03,99.739998,101.360001,99.599998,100.910004,100.910004,14390000 +1968-07-08,100.910004,102.760002,100.720001,101.940002,101.940002,16860000 +1968-07-09,101.940002,102.930000,101.190002,102.230003,102.230003,16540000 +1968-07-11,102.230003,103.669998,101.410004,102.389999,102.389999,20290000 +1968-07-12,102.389999,103.239998,101.389999,102.339996,102.339996,14810000 +1968-07-15,102.339996,103.150002,101.440002,102.260002,102.260002,13390000 +1968-07-16,102.260002,102.720001,100.970001,101.699997,101.699997,13380000 +1968-07-18,101.699997,102.650002,100.489998,101.440002,101.440002,17420000 +1968-07-19,101.440002,101.820000,99.800003,100.459999,100.459999,14620000 +1968-07-22,100.459999,100.879997,98.510002,99.330002,99.330002,13530000 +1968-07-23,99.330002,99.930000,97.889999,99.209999,99.209999,13570000 +1968-07-25,99.209999,100.070000,97.430000,97.940002,97.940002,16140000 +1968-07-26,97.940002,99.139999,97.220001,98.339996,98.339996,11690000 +1968-07-29,98.339996,98.779999,96.889999,97.650002,97.650002,10940000 +1968-07-30,97.650002,98.620003,96.839996,97.739998,97.739998,10250000 +1968-08-01,97.739998,98.820000,96.779999,97.279999,97.279999,14380000 +1968-08-02,97.279999,97.470001,95.790001,96.629997,96.629997,9860000 +1968-08-05,96.629997,97.510002,95.949997,96.849998,96.849998,8850000 +1968-08-06,96.849998,97.820000,96.419998,97.250000,97.250000,9620000 +1968-08-08,97.250000,98.320000,96.580002,97.040001,97.040001,12920000 +1968-08-09,97.040001,97.559998,96.110001,97.010002,97.010002,8390000 +1968-08-12,97.010002,98.489998,96.720001,98.010002,98.010002,10420000 +1968-08-13,98.010002,99.199997,97.680000,98.529999,98.529999,12730000 +1968-08-15,98.529999,99.360001,97.480003,98.070000,98.070000,12710000 +1968-08-16,98.070000,99.209999,97.620003,98.680000,98.680000,9940000 +1968-08-19,98.680000,99.639999,98.160004,99.000000,99.000000,9900000 +1968-08-20,99.000000,99.650002,98.080002,98.959999,98.959999,10640000 +1968-08-22,98.959999,99.580002,97.709999,98.699997,98.699997,15140000 +1968-08-23,98.699997,99.570000,97.709999,98.690002,98.690002,9890000 +1968-08-26,98.690002,99.669998,98.290001,98.940002,98.940002,9740000 +1968-08-27,98.940002,99.610001,98.160004,98.809998,98.809998,9710000 +1968-08-29,98.809998,99.489998,97.900002,98.739998,98.739998,10940000 +1968-08-30,98.739998,99.519997,98.199997,98.860001,98.860001,8190000 +1968-09-03,98.860001,99.889999,98.309998,99.320000,99.320000,8620000 +1968-09-04,99.320000,100.489998,98.949997,100.019997,100.019997,10040000 +1968-09-05,100.019997,101.339996,99.629997,100.739998,100.739998,12980000 +1968-09-06,100.739998,101.879997,100.230003,101.199997,101.199997,13180000 +1968-09-09,101.199997,102.089996,100.470001,101.230003,101.230003,11890000 +1968-09-10,101.230003,101.809998,100.120003,100.730003,100.730003,11430000 +1968-09-12,100.730003,101.400002,99.699997,100.519997,100.519997,14630000 +1968-09-13,100.519997,101.529999,99.889999,100.860001,100.860001,13070000 +1968-09-16,100.860001,102.010002,100.330002,101.239998,101.239998,13260000 +1968-09-17,101.239998,102.180000,100.639999,101.500000,101.500000,13920000 +1968-09-19,101.500000,102.529999,100.839996,101.589996,101.589996,17910000 +1968-09-20,101.589996,102.370003,100.809998,101.660004,101.660004,14190000 +1968-09-23,101.660004,102.820000,101.199997,102.239998,102.239998,11550000 +1968-09-24,102.239998,103.209999,101.589996,102.589996,102.589996,15210000 +1968-09-26,102.589996,103.629997,101.589996,102.360001,102.360001,18950000 +1968-09-27,102.360001,103.070000,101.360001,102.309998,102.309998,13860000 +1968-09-30,102.309998,103.290001,101.709999,102.669998,102.669998,13610000 +1968-10-01,102.669998,103.580002,101.800003,102.860001,102.860001,15560000 +1968-10-03,102.860001,104.129997,102.339996,103.220001,103.220001,21110000 +1968-10-04,103.220001,104.349998,102.650002,103.709999,103.709999,15350000 +1968-10-07,103.709999,104.400002,102.930000,103.699997,103.699997,12420000 +1968-10-08,103.699997,104.449997,102.839996,103.739998,103.739998,14000000 +1968-10-10,103.739998,104.300003,102.610001,103.290001,103.290001,17000000 +1968-10-11,103.290001,103.900002,102.389999,103.180000,103.180000,12650000 +1968-10-14,103.180000,104.029999,102.480003,103.320000,103.320000,11980000 +1968-10-15,103.320000,104.250000,102.660004,103.529999,103.529999,13410000 +1968-10-17,103.809998,105.010002,103.809998,104.010002,104.010002,21060000 +1968-10-18,104.010002,105.339996,103.540001,104.820000,104.820000,15130000 +1968-10-21,104.820000,105.779999,104.089996,104.989998,104.989998,14380000 +1968-10-22,104.989998,105.480003,103.839996,104.570000,104.570000,13970000 +1968-10-24,104.570000,105.150002,103.150002,103.839996,103.839996,18300000 +1968-10-25,103.839996,104.809998,103.139999,104.199997,104.199997,14150000 +1968-10-28,104.199997,104.889999,103.160004,103.900002,103.900002,11740000 +1968-10-29,103.900002,104.500000,102.650002,103.300003,103.300003,12340000 +1968-10-31,103.300003,104.570000,102.430000,103.410004,103.410004,17650000 +1968-11-01,103.410004,104.300003,102.360001,103.059998,103.059998,14480000 +1968-11-04,103.059998,103.690002,101.849998,103.099998,103.099998,10930000 +1968-11-06,103.099998,104.410004,102.449997,103.269997,103.269997,12640000 +1968-11-07,103.269997,104.470001,102.309998,103.500000,103.500000,11660000 +1968-11-08,103.500000,104.589996,102.959999,103.949997,103.949997,14250000 +1968-11-12,103.949997,105.279999,103.510002,104.620003,104.620003,17250000 +1968-11-13,104.620003,105.760002,104.080002,105.129997,105.129997,15660000 +1968-11-14,105.129997,106.010002,104.339996,105.199997,105.199997,14900000 +1968-11-15,105.199997,106.440002,104.610001,105.779999,105.779999,15040000 +1968-11-18,105.779999,106.739998,105.050003,105.919998,105.919998,14390000 +1968-11-19,105.919998,106.839996,105.059998,106.139999,106.139999,15120000 +1968-11-21,106.139999,106.769997,104.849998,105.970001,105.970001,18320000 +1968-11-22,105.970001,106.889999,105.209999,106.300003,106.300003,15420000 +1968-11-25,106.300003,107.290001,105.470001,106.480003,106.480003,14490000 +1968-11-26,106.480003,107.930000,106.110001,107.260002,107.260002,16360000 +1968-11-27,107.260002,108.550003,106.589996,107.760002,107.760002,16550000 +1968-11-29,107.760002,109.089996,107.320000,108.370003,108.370003,14390000 +1968-12-02,108.370003,109.370003,107.150002,108.120003,108.120003,15390000 +1968-12-03,108.120003,108.739998,107.019997,108.019997,108.019997,15460000 +1968-12-05,108.019997,108.900002,106.709999,107.669998,107.669998,19330000 +1968-12-06,107.669998,108.910004,106.849998,107.930000,107.930000,15320000 +1968-12-09,107.930000,108.769997,106.889999,107.660004,107.660004,15800000 +1968-12-10,107.660004,108.330002,106.680000,107.389999,107.389999,14500000 +1968-12-12,107.389999,108.430000,106.330002,107.320000,107.320000,18160000 +1968-12-13,107.320000,108.500000,106.559998,107.580002,107.580002,16740000 +1968-12-16,107.580002,108.400002,106.400002,107.099998,107.099998,15950000 +1968-12-17,107.099998,107.650002,105.860001,106.660004,106.660004,14700000 +1968-12-19,106.660004,107.669998,105.099998,106.970001,106.970001,19630000 +1968-12-20,106.970001,107.980003,105.730003,106.339996,106.339996,15910000 +1968-12-23,106.339996,106.680000,104.610001,105.209999,105.209999,12970000 +1968-12-24,105.209999,105.949997,104.370003,105.040001,105.040001,11540000 +1968-12-26,105.040001,106.029999,104.290001,105.150002,105.150002,9670000 +1968-12-27,105.150002,105.870003,104.199997,104.739998,104.739998,11200000 +1968-12-30,104.739998,104.989998,103.089996,103.800003,103.800003,12080000 +1968-12-31,103.800003,104.610001,102.980003,103.860001,103.860001,13130000 +1969-01-02,103.860001,104.849998,103.209999,103.930000,103.930000,9800000 +1969-01-03,103.930000,104.870003,103.169998,103.989998,103.989998,12750000 +1969-01-06,103.989998,104.360001,101.940002,102.470001,102.470001,12720000 +1969-01-07,102.470001,102.680000,100.150002,101.220001,101.220001,15740000 +1969-01-08,101.220001,102.120003,100.139999,100.800003,100.800003,13840000 +1969-01-09,100.800003,102.089996,100.349998,101.220001,101.220001,12100000 +1969-01-10,101.220001,102.139999,100.320000,100.930000,100.930000,12680000 +1969-01-13,100.930000,101.349998,96.629997,100.440002,100.440002,11160000 +1969-01-14,100.440002,101.629997,99.040001,101.129997,101.129997,10700000 +1969-01-15,101.129997,102.480003,100.779999,101.620003,101.620003,11810000 +1969-01-16,101.620003,103.250000,101.269997,102.180000,102.180000,13120000 +1969-01-17,102.180000,103.059998,101.320000,102.029999,102.029999,11590000 +1969-01-20,102.029999,102.599998,101.000000,101.690002,101.690002,10950000 +1969-01-21,101.690002,102.400002,100.879997,101.629997,101.629997,10910000 +1969-01-22,101.629997,102.550003,101.059998,101.980003,101.980003,11480000 +1969-01-23,101.980003,103.209999,101.570000,102.430000,102.430000,13140000 +1969-01-24,102.430000,103.230003,101.709999,102.379997,102.379997,12520000 +1969-01-27,102.379997,103.150002,101.639999,102.400002,102.400002,11020000 +1969-01-28,102.400002,103.300003,101.559998,102.410004,102.410004,12070000 +1969-01-29,102.410004,103.309998,101.690002,102.510002,102.510002,11470000 +1969-01-30,102.510002,103.330002,101.730003,102.550003,102.550003,13010000 +1969-01-31,102.550003,103.639999,102.080002,103.010002,103.010002,12020000 +1969-02-03,103.010002,103.750000,102.040001,102.889999,102.889999,12510000 +1969-02-04,102.889999,103.589996,102.150002,102.919998,102.919998,12550000 +1969-02-05,102.919998,103.839996,102.260002,103.199997,103.199997,13750000 +1969-02-06,103.199997,104.300003,102.550003,103.540001,103.540001,12570000 +1969-02-07,103.540001,104.220001,102.500000,103.529999,103.529999,12780000 +1969-02-11,103.529999,104.610001,102.959999,103.650002,103.650002,12320000 +1969-02-12,103.650002,104.339996,102.980003,103.629997,103.629997,11530000 +1969-02-13,103.629997,104.360001,102.860001,103.709999,103.709999,12010000 +1969-02-14,103.709999,104.370003,102.879997,103.610001,103.610001,11460000 +1969-02-17,103.610001,104.029999,102.040001,102.440002,102.440002,11670000 +1969-02-18,102.269997,102.269997,100.580002,101.400002,101.400002,12490000 +1969-02-19,101.400002,102.070000,100.300003,100.650002,100.650002,10390000 +1969-02-20,100.650002,101.029999,99.290001,99.790001,99.790001,10990000 +1969-02-24,99.790001,100.070000,98.089996,98.599998,98.599998,12730000 +1969-02-25,98.599998,99.650002,97.500000,97.980003,97.980003,9540000 +1969-02-26,97.980003,99.099998,97.360001,98.449997,98.449997,9540000 +1969-02-27,98.449997,99.000000,97.500000,98.139999,98.139999,9670000 +1969-02-28,98.139999,99.019997,97.529999,98.129997,98.129997,8990000 +1969-03-03,98.129997,99.080002,97.610001,98.379997,98.379997,8260000 +1969-03-04,98.379997,99.760002,98.169998,99.320000,99.320000,9320000 +1969-03-05,99.320000,100.480003,98.949997,99.709999,99.709999,11370000 +1969-03-06,99.709999,99.930000,98.110001,98.699997,98.699997,9670000 +1969-03-07,98.699997,99.129997,97.320000,98.650002,98.650002,10830000 +1969-03-10,98.650002,99.470001,97.870003,98.989998,98.989998,8920000 +1969-03-11,98.989998,100.139999,98.580002,99.320000,99.320000,9870000 +1969-03-12,99.320000,99.870003,98.349998,99.050003,99.050003,8720000 +1969-03-13,99.050003,99.349998,97.820000,98.389999,98.389999,10030000 +1969-03-14,98.389999,98.699997,97.400002,98.000000,98.000000,8640000 +1969-03-17,98.000000,98.709999,97.059998,98.250000,98.250000,9150000 +1969-03-18,98.250000,99.410004,97.830002,98.489998,98.489998,11210000 +1969-03-19,98.489998,99.699997,98.029999,99.209999,99.209999,9740000 +1969-03-20,99.209999,100.389999,98.900002,99.839996,99.839996,10260000 +1969-03-21,99.839996,100.370003,98.879997,99.629997,99.629997,9830000 +1969-03-24,99.629997,100.160004,98.849998,99.500000,99.500000,8110000 +1969-03-25,99.500000,100.300003,98.879997,99.660004,99.660004,9820000 +1969-03-26,99.660004,100.860001,99.239998,100.389999,100.389999,11030000 +1969-03-27,100.389999,101.809998,100.029999,101.099998,101.099998,11900000 +1969-03-28,101.099998,102.349998,100.730003,101.510002,101.510002,12430000 +1969-04-01,101.510002,102.449997,100.839996,101.419998,101.419998,12360000 +1969-04-02,101.419998,101.650002,100.610001,100.779999,100.779999,10110000 +1969-04-03,100.779999,101.300003,99.870003,100.680000,100.680000,10300000 +1969-04-07,100.629997,100.629997,99.080002,99.889999,99.889999,9430000 +1969-04-08,99.889999,101.269997,99.349998,100.139999,100.139999,9360000 +1969-04-09,100.139999,101.440002,99.879997,101.019997,101.019997,12530000 +1969-04-10,101.019997,102.220001,100.730003,101.550003,101.550003,12200000 +1969-04-11,101.550003,102.279999,100.970001,101.650002,101.650002,10650000 +1969-04-14,101.650002,102.400002,101.019997,101.570000,101.570000,8990000 +1969-04-15,101.570000,102.150002,100.760002,101.529999,101.529999,9610000 +1969-04-16,101.529999,101.779999,100.160004,100.629997,100.629997,9680000 +1969-04-17,100.629997,101.410004,99.989998,100.779999,100.779999,9360000 +1969-04-18,100.779999,102.089996,100.300003,101.239998,101.239998,10850000 +1969-04-21,101.239998,101.680000,100.110001,100.559998,100.559998,10010000 +1969-04-22,100.559998,101.290001,99.519997,100.779999,100.779999,10250000 +1969-04-23,100.779999,101.769997,100.150002,100.800003,100.800003,12220000 +1969-04-24,100.800003,101.800003,100.209999,101.269997,101.269997,11340000 +1969-04-25,101.269997,102.290001,100.809998,101.720001,101.720001,12480000 +1969-04-28,101.720001,102.650002,100.970001,102.029999,102.029999,11120000 +1969-04-29,102.029999,103.309998,101.510002,102.790001,102.790001,14730000 +1969-04-30,102.790001,104.559998,102.500000,103.690002,103.690002,19350000 +1969-05-01,103.690002,104.589996,102.739998,103.510002,103.510002,14380000 +1969-05-02,103.510002,104.629997,102.980003,104.000000,104.000000,13070000 +1969-05-05,104.000000,105.080002,103.480003,104.370003,104.370003,13300000 +1969-05-06,104.370003,105.500000,103.839996,104.860001,104.860001,14700000 +1969-05-07,104.860001,105.589996,103.830002,104.669998,104.669998,14030000 +1969-05-08,104.669998,105.739998,104.099998,105.099998,105.099998,13050000 +1969-05-09,105.099998,106.010002,104.349998,105.050003,105.050003,12530000 +1969-05-12,105.050003,105.650002,104.120003,104.889999,104.889999,10550000 +1969-05-13,104.889999,105.910004,104.309998,105.339996,105.339996,12910000 +1969-05-14,105.339996,106.739998,105.070000,106.160004,106.160004,14360000 +1969-05-15,106.160004,106.690002,105.080002,105.849998,105.849998,11930000 +1969-05-16,105.849998,106.589996,105.180000,105.940002,105.940002,12280000 +1969-05-19,105.940002,106.150002,104.519997,104.970001,104.970001,9790000 +1969-05-20,104.970001,105.160004,103.559998,104.040001,104.040001,10280000 +1969-05-21,104.040001,105.029999,103.370003,104.470001,104.470001,12100000 +1969-05-22,104.470001,105.660004,103.919998,104.599998,104.599998,13710000 +1969-05-23,104.599998,105.320000,103.779999,104.589996,104.589996,10900000 +1969-05-26,104.589996,105.139999,103.800003,104.360001,104.360001,9030000 +1969-05-27,104.360001,104.680000,103.120003,103.570000,103.570000,10580000 +1969-05-28,103.570000,103.910004,102.290001,103.260002,103.260002,11330000 +1969-05-29,103.260002,104.269997,102.760002,103.459999,103.459999,11770000 +1969-06-02,103.459999,103.750000,102.400002,102.940002,102.940002,9180000 +1969-06-03,102.940002,103.599998,102.089996,102.629997,102.629997,11190000 +1969-06-04,102.629997,103.449997,102.070000,102.589996,102.589996,10840000 +1969-06-05,102.589996,103.449997,102.050003,102.760002,102.760002,12350000 +1969-06-06,102.760002,103.410004,101.680000,102.120003,102.120003,12520000 +1969-06-09,102.120003,102.160004,100.540001,101.199997,101.199997,10650000 +1969-06-10,101.199997,101.760002,100.019997,100.419998,100.419998,10660000 +1969-06-11,100.419998,100.709999,99.019997,99.050003,99.050003,13640000 +1969-06-12,99.050003,99.779999,97.959999,98.260002,98.260002,11790000 +1969-06-13,98.260002,99.510002,97.589996,98.650002,98.650002,13070000 +1969-06-16,98.650002,99.639999,97.910004,98.320000,98.320000,10400000 +1969-06-17,98.320000,98.709999,96.879997,97.949997,97.949997,12210000 +1969-06-18,97.949997,99.199997,97.449997,97.809998,97.809998,11290000 +1969-06-19,97.809998,98.379997,96.610001,97.239998,97.239998,11160000 +1969-06-20,97.239998,98.220001,96.290001,96.669998,96.669998,11360000 +1969-06-23,96.669998,97.169998,95.209999,96.230003,96.230003,12900000 +1969-06-24,96.290001,98.040001,96.290001,97.320000,97.320000,11460000 +1969-06-25,97.320000,98.300003,96.559998,97.010002,97.010002,10490000 +1969-06-26,97.010002,97.910004,95.970001,97.250000,97.250000,10310000 +1969-06-27,97.250000,98.150002,96.650002,97.330002,97.330002,9020000 +1969-06-30,97.330002,98.639999,96.820000,97.709999,97.709999,8640000 +1969-07-01,97.709999,98.660004,97.129997,98.080002,98.080002,9890000 +1969-07-02,98.080002,99.500000,97.809998,98.940002,98.940002,11350000 +1969-07-03,98.940002,100.250000,98.620003,99.610001,99.610001,10110000 +1969-07-07,99.610001,100.330002,98.449997,99.029999,99.029999,9970000 +1969-07-08,98.980003,98.980003,97.150002,97.629997,97.629997,9320000 +1969-07-09,97.629997,97.849998,96.330002,96.879997,96.879997,9320000 +1969-07-10,96.879997,97.040001,95.029999,95.379997,95.379997,11450000 +1969-07-11,95.379997,96.650002,94.809998,95.769997,95.769997,11730000 +1969-07-14,95.769997,96.169998,94.199997,94.550003,94.550003,8310000 +1969-07-15,94.550003,95.000000,93.110001,94.239998,94.239998,11110000 +1969-07-16,94.239998,95.830002,94.220001,95.180000,95.180000,10470000 +1969-07-17,95.180000,96.709999,95.070000,95.760002,95.760002,10450000 +1969-07-18,95.760002,95.839996,94.180000,94.949997,94.949997,8590000 +1969-07-22,94.949997,95.449997,93.150002,93.519997,93.519997,9780000 +1969-07-23,93.519997,93.989998,92.070000,93.120003,93.120003,11680000 +1969-07-24,93.120003,93.870003,92.290001,92.800003,92.800003,9750000 +1969-07-25,92.800003,93.279999,91.540001,92.059998,92.059998,9800000 +1969-07-28,91.910004,91.910004,89.830002,90.209999,90.209999,11800000 +1969-07-29,90.209999,91.559998,89.059998,89.480003,89.480003,13630000 +1969-07-30,89.480003,90.820000,88.040001,89.930000,89.930000,15580000 +1969-07-31,89.959999,92.400002,89.959999,91.830002,91.830002,14160000 +1969-08-01,91.919998,94.190002,91.919998,93.470001,93.470001,15070000 +1969-08-04,93.470001,94.419998,92.290001,92.989998,92.989998,10700000 +1969-08-05,92.989998,94.019997,92.129997,93.410004,93.410004,8940000 +1969-08-06,93.410004,94.760002,93.019997,93.919998,93.919998,11100000 +1969-08-07,93.919998,94.769997,93.169998,93.989998,93.989998,9450000 +1969-08-08,93.989998,94.629997,93.290001,93.940002,93.940002,8760000 +1969-08-11,93.940002,94.239998,92.769997,93.360001,93.360001,6680000 +1969-08-12,93.360001,93.660004,92.190002,92.629997,92.629997,7870000 +1969-08-13,92.629997,93.260002,91.480003,92.699997,92.699997,9910000 +1969-08-14,92.699997,93.870003,92.320000,93.339996,93.339996,9690000 +1969-08-15,93.339996,94.500000,92.919998,94.000000,94.000000,10210000 +1969-08-18,94.000000,95.000000,93.510002,94.570000,94.570000,9420000 +1969-08-19,94.570000,95.180000,93.949997,95.070000,95.070000,12640000 +1969-08-20,95.070000,95.639999,94.250000,95.070000,95.070000,9680000 +1969-08-21,95.070000,95.870003,94.559998,95.349998,95.349998,8420000 +1969-08-22,95.349998,96.430000,94.910004,95.919998,95.919998,10140000 +1969-08-25,95.919998,96.129997,94.519997,94.930000,94.930000,8410000 +1969-08-26,94.930000,95.040001,93.650002,94.300003,94.300003,8910000 +1969-08-27,94.300003,95.160004,93.760002,94.489998,94.489998,9100000 +1969-08-28,94.489998,95.379997,94.040001,94.889999,94.889999,7730000 +1969-08-29,94.889999,95.510002,94.459999,95.510002,95.510002,8850000 +1969-09-02,95.510002,96.309998,94.849998,95.540001,95.540001,8560000 +1969-09-03,95.540001,96.110001,94.379997,94.980003,94.980003,8760000 +1969-09-04,94.980003,95.199997,93.660004,94.199997,94.199997,9380000 +1969-09-05,94.199997,94.510002,93.089996,93.639999,93.639999,8890000 +1969-09-08,93.639999,93.760002,92.349998,92.699997,92.699997,8310000 +1969-09-09,92.699997,93.940002,91.769997,93.379997,93.379997,10980000 +1969-09-10,93.379997,95.349998,93.230003,94.949997,94.949997,11490000 +1969-09-11,94.949997,95.769997,93.720001,94.220001,94.220001,12370000 +1969-09-12,94.220001,95.040001,93.260002,94.129997,94.129997,10800000 +1969-09-15,94.129997,95.610001,93.730003,94.870003,94.870003,10680000 +1969-09-16,94.870003,95.730003,94.059998,94.949997,94.949997,11160000 +1969-09-17,94.949997,95.699997,94.040001,94.760002,94.760002,10980000 +1969-09-18,94.760002,95.529999,94.050003,94.900002,94.900002,11170000 +1969-09-19,94.900002,95.919998,94.349998,95.190002,95.190002,12270000 +1969-09-22,95.190002,96.129997,94.580002,95.629997,95.629997,9280000 +1969-09-23,95.629997,96.620003,94.860001,95.629997,95.629997,13030000 +1969-09-24,95.629997,96.199997,94.750000,95.500000,95.500000,11320000 +1969-09-25,95.500000,95.919998,94.279999,94.769997,94.769997,10690000 +1969-09-26,94.769997,95.230003,93.529999,94.160004,94.160004,9680000 +1969-09-29,94.160004,94.449997,92.620003,93.410004,93.410004,10170000 +1969-09-30,93.410004,94.050003,92.550003,93.120003,93.120003,9180000 +1969-10-01,93.120003,93.510002,92.120003,92.519997,92.519997,9090000 +1969-10-02,92.519997,93.629997,91.660004,93.239998,93.239998,11430000 +1969-10-03,93.239998,94.389999,92.650002,93.190002,93.190002,12410000 +1969-10-06,93.190002,93.989998,92.500000,93.379997,93.379997,9180000 +1969-10-07,93.379997,94.029999,92.589996,93.089996,93.089996,10050000 +1969-10-08,93.089996,93.559998,92.040001,92.669998,92.669998,10370000 +1969-10-09,92.669998,93.550003,91.750000,93.029999,93.029999,10420000 +1969-10-10,93.029999,94.190002,92.599998,93.559998,93.559998,12210000 +1969-10-13,93.559998,94.860001,93.199997,94.550003,94.550003,13620000 +1969-10-14,94.550003,96.529999,94.320000,95.699997,95.699997,19950000 +1969-10-15,95.699997,96.559998,94.650002,95.720001,95.720001,15740000 +1969-10-16,95.720001,97.540001,95.050003,96.370003,96.370003,19500000 +1969-10-17,96.370003,97.239998,95.379997,96.260002,96.260002,13740000 +1969-10-20,96.260002,97.169998,95.290001,96.459999,96.459999,13540000 +1969-10-21,96.459999,97.839996,95.860001,97.199997,97.199997,16460000 +1969-10-22,97.199997,98.610001,96.559998,97.830002,97.830002,19320000 +1969-10-23,97.830002,98.389999,96.459999,97.459999,97.459999,14780000 +1969-10-24,97.459999,98.830002,96.970001,98.120003,98.120003,15430000 +1969-10-27,98.120003,98.779999,97.489998,97.970001,97.970001,12160000 +1969-10-28,97.970001,98.550003,97.019997,97.660004,97.660004,12410000 +1969-10-29,97.660004,97.919998,96.260002,96.809998,96.809998,12380000 +1969-10-30,96.809998,97.470001,95.610001,96.930000,96.930000,12820000 +1969-10-31,96.930000,98.029999,96.330002,97.120003,97.120003,13100000 +1969-11-03,97.120003,97.820000,96.190002,97.150002,97.150002,11140000 +1969-11-04,97.150002,97.820000,95.839996,97.209999,97.209999,12340000 +1969-11-05,97.209999,98.389999,96.750000,97.639999,97.639999,12110000 +1969-11-06,97.639999,98.309998,96.800003,97.669998,97.669998,11110000 +1969-11-07,97.669998,99.010002,97.180000,98.260002,98.260002,13280000 +1969-11-10,98.260002,99.230003,97.650002,98.330002,98.330002,12490000 +1969-11-11,98.330002,98.790001,97.449997,98.070000,98.070000,10080000 +1969-11-12,98.070000,98.720001,97.279999,97.889999,97.889999,12480000 +1969-11-13,97.889999,98.339996,96.540001,97.419998,97.419998,12090000 +1969-11-14,97.419998,97.440002,96.360001,97.070000,97.070000,10580000 +1969-11-17,97.070000,97.360001,95.820000,96.410004,96.410004,10120000 +1969-11-18,96.410004,97.000000,95.570000,96.389999,96.389999,11010000 +1969-11-19,96.389999,96.949997,95.360001,95.900002,95.900002,11240000 +1969-11-20,95.900002,95.940002,94.120003,94.910004,94.910004,12010000 +1969-11-21,94.910004,95.339996,93.870003,94.320000,94.320000,9840000 +1969-11-24,94.320000,94.430000,92.629997,93.239998,93.239998,10940000 +1969-11-25,93.239998,94.169998,92.379997,92.940002,92.940002,11560000 +1969-11-26,92.940002,93.849998,92.239998,93.269997,93.269997,10630000 +1969-11-28,93.269997,94.410004,92.879997,93.809998,93.809998,8550000 +1969-12-01,93.809998,94.470001,92.779999,93.220001,93.220001,9950000 +1969-12-02,93.220001,93.540001,91.949997,92.650002,92.650002,9940000 +1969-12-03,92.650002,93.050003,91.250000,91.650002,91.650002,11300000 +1969-12-04,91.650002,92.449997,90.360001,91.949997,91.949997,13230000 +1969-12-05,91.949997,92.910004,91.139999,91.730003,91.730003,11150000 +1969-12-08,91.730003,92.050003,90.290001,90.839996,90.839996,9990000 +1969-12-09,90.839996,91.790001,89.930000,90.550003,90.550003,12290000 +1969-12-10,90.550003,91.220001,89.330002,90.480003,90.480003,12590000 +1969-12-11,90.480003,91.370003,89.739998,90.519997,90.519997,10430000 +1969-12-12,90.519997,91.669998,90.050003,90.809998,90.809998,11630000 +1969-12-15,90.809998,91.419998,89.959999,90.540001,90.540001,11100000 +1969-12-16,90.540001,91.050003,89.230003,89.720001,89.720001,11880000 +1969-12-17,89.720001,90.320000,88.940002,89.199997,89.199997,12840000 +1969-12-18,89.199997,91.150002,88.620003,90.610001,90.610001,15950000 +1969-12-19,90.610001,92.339996,90.330002,91.379997,91.379997,15420000 +1969-12-22,91.379997,92.029999,90.099998,90.580002,90.580002,12680000 +1969-12-23,90.580002,91.129997,89.400002,90.230003,90.230003,13890000 +1969-12-24,90.230003,91.889999,89.930000,91.180000,91.180000,11670000 +1969-12-26,91.180000,92.300003,90.940002,91.889999,91.889999,6750000 +1969-12-29,91.889999,92.489998,90.660004,91.250000,91.250000,12500000 +1969-12-30,91.250000,92.199997,90.470001,91.599998,91.599998,15790000 +1969-12-31,91.599998,92.940002,91.150002,92.059998,92.059998,19380000 +1970-01-02,92.059998,93.540001,91.790001,93.000000,93.000000,8050000 +1970-01-05,93.000000,94.250000,92.529999,93.459999,93.459999,11490000 +1970-01-06,93.459999,93.809998,92.129997,92.820000,92.820000,11460000 +1970-01-07,92.820000,93.379997,91.930000,92.629997,92.629997,10010000 +1970-01-08,92.629997,93.470001,91.989998,92.680000,92.680000,10670000 +1970-01-09,92.680000,93.250000,91.820000,92.400002,92.400002,9380000 +1970-01-12,92.400002,92.669998,91.199997,91.699997,91.699997,8900000 +1970-01-13,91.699997,92.610001,90.989998,91.919998,91.919998,9870000 +1970-01-14,91.919998,92.400002,90.879997,91.650002,91.650002,10380000 +1970-01-15,91.650002,92.349998,90.730003,91.680000,91.680000,11120000 +1970-01-16,91.680000,92.489998,90.360001,90.919998,90.919998,11940000 +1970-01-19,90.720001,90.720001,89.139999,89.650002,89.650002,9500000 +1970-01-20,89.650002,90.449997,88.639999,89.830002,89.830002,11050000 +1970-01-21,89.830002,90.610001,89.199997,89.949997,89.949997,9880000 +1970-01-22,89.949997,90.800003,89.199997,90.040001,90.040001,11050000 +1970-01-23,90.040001,90.449997,88.739998,89.370003,89.370003,11000000 +1970-01-26,89.230003,89.230003,87.489998,88.169998,88.169998,10670000 +1970-01-27,88.169998,88.540001,86.919998,87.620003,87.620003,9630000 +1970-01-28,87.620003,88.239998,86.440002,86.790001,86.790001,10510000 +1970-01-29,86.790001,87.089996,85.019997,85.690002,85.690002,12210000 +1970-01-30,85.690002,86.330002,84.419998,85.019997,85.019997,12320000 +1970-02-02,85.019997,86.760002,84.760002,85.750000,85.750000,13440000 +1970-02-03,85.750000,87.540001,84.639999,86.769997,86.769997,16050000 +1970-02-04,86.769997,87.660004,85.589996,86.239998,86.239998,11040000 +1970-02-05,86.239998,86.620003,84.949997,85.900002,85.900002,9430000 +1970-02-06,85.900002,86.879997,85.230003,86.330002,86.330002,10150000 +1970-02-09,86.330002,87.849998,86.160004,87.010002,87.010002,10830000 +1970-02-10,87.010002,87.400002,85.580002,86.099998,86.099998,10110000 +1970-02-11,86.099998,87.379997,85.300003,86.940002,86.940002,12260000 +1970-02-12,86.940002,87.540001,85.930000,86.730003,86.730003,10010000 +1970-02-13,86.730003,87.300003,85.709999,86.540001,86.540001,11060000 +1970-02-16,86.540001,87.300003,85.800003,86.470001,86.470001,19780000 +1970-02-17,86.470001,87.080002,85.570000,86.370003,86.370003,10140000 +1970-02-18,86.370003,88.070000,86.190002,87.440002,87.440002,11950000 +1970-02-19,87.440002,88.699997,86.940002,87.760002,87.760002,12890000 +1970-02-20,87.760002,88.739998,86.870003,88.029999,88.029999,10790000 +1970-02-24,88.029999,88.910004,87.279999,87.989998,87.989998,10810000 +1970-02-25,87.989998,89.800003,87.110001,89.349998,89.349998,13210000 +1970-02-26,89.349998,89.629997,87.629997,88.900002,88.900002,11540000 +1970-02-27,88.900002,90.330002,88.419998,89.500000,89.500000,12890000 +1970-03-02,89.500000,90.800003,88.919998,89.709999,89.709999,12270000 +1970-03-03,89.709999,90.669998,88.959999,90.230003,90.230003,11700000 +1970-03-04,90.230003,91.050003,89.320000,90.040001,90.040001,11850000 +1970-03-05,90.040001,90.989998,89.379997,90.000000,90.000000,11370000 +1970-03-06,90.000000,90.360001,88.839996,89.440002,89.440002,10980000 +1970-03-09,89.430000,89.430000,87.940002,88.510002,88.510002,9760000 +1970-03-10,88.510002,89.410004,87.889999,88.750000,88.750000,9450000 +1970-03-11,88.750000,89.580002,88.110001,88.690002,88.690002,9180000 +1970-03-12,88.690002,89.089996,87.680000,88.330002,88.330002,9140000 +1970-03-13,88.330002,89.430000,87.290001,87.860001,87.860001,9560000 +1970-03-16,87.860001,87.970001,86.389999,86.910004,86.910004,8910000 +1970-03-17,86.910004,87.860001,86.360001,87.290001,87.290001,9090000 +1970-03-18,87.290001,88.279999,86.930000,87.540001,87.540001,9790000 +1970-03-19,87.540001,88.199997,86.879997,87.419998,87.419998,8930000 +1970-03-20,87.419998,87.769997,86.430000,87.059998,87.059998,7910000 +1970-03-23,87.059998,87.639999,86.190002,86.989998,86.989998,7330000 +1970-03-24,86.989998,88.430000,86.900002,87.980003,87.980003,8840000 +1970-03-25,88.110001,91.070000,88.110001,89.769997,89.769997,17500000 +1970-03-26,89.769997,90.650002,89.180000,89.919998,89.919998,11350000 +1970-03-30,89.919998,90.410004,88.910004,89.629997,89.629997,9600000 +1970-03-31,89.629997,90.169998,88.849998,89.629997,89.629997,8370000 +1970-04-01,89.629997,90.620003,89.300003,90.070000,90.070000,9810000 +1970-04-02,90.070000,90.699997,89.279999,89.790001,89.790001,10520000 +1970-04-03,89.790001,90.160004,88.809998,89.389999,89.389999,9920000 +1970-04-06,89.389999,89.610001,88.150002,88.760002,88.760002,8380000 +1970-04-07,88.760002,89.309998,87.940002,88.519997,88.519997,8490000 +1970-04-08,88.519997,89.089996,87.830002,88.489998,88.489998,9070000 +1970-04-09,88.489998,89.320000,87.959999,88.529999,88.529999,9060000 +1970-04-10,88.529999,89.139999,87.820000,88.239998,88.239998,10020000 +1970-04-13,88.239998,88.669998,87.150002,87.639999,87.639999,8810000 +1970-04-14,87.639999,87.730003,86.010002,86.889999,86.889999,10840000 +1970-04-15,86.889999,87.709999,86.529999,86.730003,86.730003,9410000 +1970-04-16,86.730003,87.129997,85.510002,85.879997,85.879997,10250000 +1970-04-17,85.879997,86.360001,84.750000,85.669998,85.669998,10990000 +1970-04-20,85.669998,86.360001,84.989998,85.830002,85.830002,8280000 +1970-04-21,85.830002,86.540001,84.989998,85.379997,85.379997,8490000 +1970-04-22,85.379997,85.510002,83.839996,84.269997,84.269997,10780000 +1970-04-23,84.269997,84.300003,82.610001,83.040001,83.040001,11050000 +1970-04-24,83.040001,83.620003,81.959999,82.769997,82.769997,10410000 +1970-04-27,82.769997,83.080002,81.080002,81.459999,81.459999,10240000 +1970-04-28,81.459999,82.160004,79.860001,80.269997,80.269997,12620000 +1970-04-29,80.269997,83.230003,79.309998,81.809998,81.809998,15800000 +1970-04-30,81.809998,82.570000,80.760002,81.519997,81.519997,9880000 +1970-05-01,81.519997,82.320000,80.269997,81.440002,81.440002,8290000 +1970-05-04,81.279999,81.279999,78.849998,79.370003,79.370003,11450000 +1970-05-05,79.370003,79.830002,78.019997,78.599998,78.599998,10580000 +1970-05-06,78.599998,80.910004,78.230003,79.470001,79.470001,14380000 +1970-05-07,79.470001,80.599998,78.889999,79.830002,79.830002,9530000 +1970-05-08,79.830002,80.150002,78.709999,79.440002,79.440002,6930000 +1970-05-11,79.440002,79.720001,78.290001,78.599998,78.599998,6650000 +1970-05-12,78.599998,79.150002,77.059998,77.849998,77.849998,10850000 +1970-05-13,77.750000,77.750000,75.919998,76.529999,76.529999,10720000 +1970-05-14,76.529999,76.639999,74.029999,75.440002,75.440002,13920000 +1970-05-15,75.440002,77.419998,74.589996,76.900002,76.900002,14570000 +1970-05-18,76.900002,77.680000,76.070000,76.959999,76.959999,8280000 +1970-05-19,76.959999,77.199997,75.209999,75.459999,75.459999,9480000 +1970-05-20,75.349998,75.349998,73.250000,73.519997,73.519997,13020000 +1970-05-21,73.510002,73.510002,70.940002,72.160004,72.160004,16710000 +1970-05-22,72.160004,73.419998,71.419998,72.250000,72.250000,12170000 +1970-05-25,72.160004,72.160004,69.919998,70.250000,70.250000,12660000 +1970-05-26,70.250000,71.169998,68.610001,69.290001,69.290001,17030000 +1970-05-27,69.370003,73.220001,69.370003,72.769997,72.769997,17460000 +1970-05-28,72.769997,75.440002,72.589996,74.610001,74.610001,18910000 +1970-05-29,74.610001,76.919998,73.529999,76.550003,76.550003,14630000 +1970-06-01,76.550003,78.400002,75.839996,77.839996,77.839996,15020000 +1970-06-02,77.839996,78.730003,76.510002,77.839996,77.839996,13480000 +1970-06-03,77.839996,79.220001,76.970001,78.519997,78.519997,16600000 +1970-06-04,78.519997,79.419998,76.989998,77.360001,77.360001,14380000 +1970-06-05,77.360001,77.480003,75.250000,76.169998,76.169998,12450000 +1970-06-08,76.169998,77.370003,75.300003,76.290001,76.290001,8040000 +1970-06-09,76.290001,79.959999,75.580002,76.250000,76.250000,7050000 +1970-06-10,76.250000,76.620003,74.919998,75.480003,75.480003,7240000 +1970-06-11,75.480003,75.519997,73.959999,74.449997,74.449997,7770000 +1970-06-12,74.449997,74.839996,73.250000,73.879997,73.879997,8890000 +1970-06-15,73.879997,75.269997,73.669998,74.580002,74.580002,6920000 +1970-06-16,74.580002,76.760002,74.209999,76.150002,76.150002,11330000 +1970-06-17,76.150002,78.040001,75.629997,76.000000,76.000000,9870000 +1970-06-18,76.000000,77.169998,74.989998,76.510002,76.510002,8870000 +1970-06-19,76.510002,78.050003,76.309998,77.050003,77.050003,10980000 +1970-06-22,77.050003,77.430000,75.610001,76.639999,76.639999,8700000 +1970-06-23,76.639999,76.830002,74.519997,74.760002,74.760002,10790000 +1970-06-24,74.760002,75.419998,73.400002,73.970001,73.970001,12630000 +1970-06-25,73.970001,74.930000,73.300003,74.019997,74.019997,8200000 +1970-06-26,74.019997,74.680000,73.089996,73.470001,73.470001,9160000 +1970-06-29,73.470001,73.860001,72.339996,72.889999,72.889999,8770000 +1970-06-30,72.889999,73.889999,72.250000,72.720001,72.720001,9280000 +1970-07-01,72.720001,73.660004,72.110001,72.940002,72.940002,8610000 +1970-07-02,72.940002,73.919998,72.430000,72.919998,72.919998,8440000 +1970-07-06,72.919998,73.120003,71.379997,71.779999,71.779999,9340000 +1970-07-07,71.779999,72.320000,70.690002,71.230003,71.230003,10470000 +1970-07-08,71.230003,73.300003,70.989998,73.000000,73.000000,10970000 +1970-07-09,73.000000,74.769997,72.879997,74.059998,74.059998,12820000 +1970-07-10,74.059998,75.209999,73.489998,74.449997,74.449997,10160000 +1970-07-13,74.449997,75.370003,73.830002,74.550003,74.550003,7450000 +1970-07-14,74.550003,75.040001,73.779999,74.419998,74.419998,7360000 +1970-07-15,74.419998,75.680000,74.059998,75.230003,75.230003,8860000 +1970-07-16,75.230003,77.089996,75.120003,76.339996,76.339996,12200000 +1970-07-17,76.370003,78.230003,76.370003,77.690002,77.690002,13870000 +1970-07-20,77.690002,78.720001,77.040001,77.790001,77.790001,11660000 +1970-07-21,77.790001,77.940002,76.389999,76.980003,76.980003,9940000 +1970-07-22,76.980003,78.199997,76.220001,77.029999,77.029999,12460000 +1970-07-23,77.029999,78.510002,76.459999,78.000000,78.000000,12460000 +1970-07-24,78.000000,78.480003,76.959999,77.820000,77.820000,9520000 +1970-07-27,77.820000,78.269997,77.070000,77.650002,77.650002,7460000 +1970-07-28,77.650002,78.349998,76.959999,77.769997,77.769997,9040000 +1970-07-29,77.769997,78.809998,77.279999,78.040001,78.040001,12580000 +1970-07-30,78.040001,78.660004,77.360001,78.070000,78.070000,10430000 +1970-07-31,78.070000,79.029999,77.440002,78.050003,78.050003,11640000 +1970-08-03,78.050003,78.239998,76.559998,77.019997,77.019997,7650000 +1970-08-04,77.019997,77.559998,76.120003,77.190002,77.190002,8310000 +1970-08-05,77.190002,77.860001,76.589996,77.180000,77.180000,7660000 +1970-08-06,77.180000,77.680000,76.389999,77.080002,77.080002,7560000 +1970-08-07,77.080002,78.089996,76.459999,77.279999,77.279999,9370000 +1970-08-10,77.279999,77.400002,75.720001,76.199997,76.199997,7580000 +1970-08-11,76.199997,76.330002,75.160004,75.820000,75.820000,7330000 +1970-08-12,75.820000,76.239998,75.040001,75.419998,75.419998,7440000 +1970-08-13,75.419998,75.690002,74.129997,74.760002,74.760002,8640000 +1970-08-14,74.760002,75.739998,74.389999,75.180000,75.180000,7850000 +1970-08-17,75.180000,75.790001,74.519997,75.330002,75.330002,6940000 +1970-08-18,75.330002,76.790001,75.300003,76.199997,76.199997,9500000 +1970-08-19,76.199997,77.580002,76.010002,76.959999,76.959999,9870000 +1970-08-20,76.959999,77.989998,76.300003,77.839996,77.839996,10170000 +1970-08-21,77.839996,79.599998,77.459999,79.239998,79.239998,13420000 +1970-08-24,79.410004,81.620003,79.410004,80.989998,80.989998,18910000 +1970-08-25,80.989998,81.809998,79.690002,81.120003,81.120003,17520000 +1970-08-26,81.120003,82.260002,80.599998,81.209999,81.209999,15970000 +1970-08-27,81.209999,81.910004,80.129997,81.080002,81.080002,12440000 +1970-08-28,81.080002,82.470001,80.690002,81.860001,81.860001,13820000 +1970-08-31,81.860001,82.330002,80.949997,81.519997,81.519997,10740000 +1970-09-01,81.519997,81.800003,80.430000,80.949997,80.949997,10960000 +1970-09-02,80.949997,81.349998,79.949997,80.959999,80.959999,9710000 +1970-09-03,80.959999,82.629997,80.879997,82.089996,82.089996,14110000 +1970-09-04,82.089996,83.419998,81.790001,82.830002,82.830002,15360000 +1970-09-08,82.830002,83.690002,81.480003,83.040001,83.040001,17110000 +1970-09-09,83.040001,83.779999,81.900002,82.790001,82.790001,16250000 +1970-09-10,82.790001,82.980003,81.620003,82.300003,82.300003,11900000 +1970-09-11,82.300003,83.190002,81.809998,82.519997,82.519997,12140000 +1970-09-14,82.519997,83.129997,81.430000,82.070000,82.070000,11900000 +1970-09-15,82.070000,82.110001,80.750000,81.360001,81.360001,9830000 +1970-09-16,81.360001,82.570000,80.610001,81.790001,81.790001,12090000 +1970-09-17,81.790001,83.089996,81.510002,82.290001,82.290001,15530000 +1970-09-18,82.290001,83.500000,81.769997,82.620003,82.620003,15900000 +1970-09-21,82.620003,83.150002,81.519997,81.910004,81.910004,12540000 +1970-09-22,81.910004,82.239998,80.820000,81.860001,81.860001,12110000 +1970-09-23,81.860001,83.150002,81.519997,81.910004,81.910004,16940000 +1970-09-24,81.910004,82.239998,80.820000,81.660004,81.660004,21340000 +1970-09-25,81.660004,83.599998,81.410004,82.830002,82.830002,20470000 +1970-09-28,82.830002,84.559998,82.610001,83.910004,83.910004,14390000 +1970-09-29,83.910004,84.570000,83.110001,83.860001,83.860001,17880000 +1970-09-30,83.860001,84.989998,82.779999,84.300003,84.300003,14830000 +1970-10-01,84.300003,84.699997,83.459999,84.320000,84.320000,9700000 +1970-10-02,84.320000,85.559998,84.059998,85.160004,85.160004,15420000 +1970-10-05,85.160004,86.989998,85.010002,86.470001,86.470001,19760000 +1970-10-06,86.470001,87.750000,86.040001,86.849998,86.849998,20240000 +1970-10-07,86.849998,87.470001,85.550003,86.889999,86.889999,15610000 +1970-10-08,86.889999,87.370003,85.550003,85.949997,85.949997,14500000 +1970-10-09,85.949997,86.250000,84.540001,85.080002,85.080002,13980000 +1970-10-12,85.050003,85.050003,83.580002,84.169998,84.169998,8570000 +1970-10-13,84.169998,84.699997,83.239998,84.059998,84.059998,9500000 +1970-10-14,84.059998,84.830002,83.419998,84.190002,84.190002,9920000 +1970-10-15,84.190002,85.279999,83.820000,84.650002,84.650002,11250000 +1970-10-16,84.650002,85.209999,83.830002,84.279999,84.279999,11300000 +1970-10-19,84.279999,84.290001,82.809998,83.150002,83.150002,9890000 +1970-10-20,83.150002,84.190002,82.620003,83.639999,83.639999,10630000 +1970-10-21,83.639999,84.720001,83.209999,83.660004,83.660004,11330000 +1970-10-22,83.660004,84.040001,82.769997,83.379997,83.379997,9000000 +1970-10-23,83.379997,84.300003,82.910004,83.769997,83.769997,10270000 +1970-10-26,83.769997,84.260002,82.889999,83.309998,83.309998,9200000 +1970-10-27,83.309998,83.730003,82.519997,83.120003,83.120003,9680000 +1970-10-28,83.120003,83.809998,82.290001,83.430000,83.430000,10660000 +1970-10-29,83.430000,84.099998,82.820000,83.360001,83.360001,10440000 +1970-10-30,83.360001,83.800003,82.519997,83.250000,83.250000,10520000 +1970-11-02,83.250000,83.989998,82.660004,83.510002,83.510002,9470000 +1970-11-03,83.510002,84.769997,83.209999,84.220001,84.220001,11760000 +1970-11-04,84.220001,85.260002,83.820000,84.389999,84.389999,12180000 +1970-11-05,84.389999,84.790001,83.529999,84.099998,84.099998,10800000 +1970-11-06,84.099998,84.730003,83.550003,84.220001,84.220001,9970000 +1970-11-09,84.220001,85.269997,83.820000,84.669998,84.669998,10890000 +1970-11-10,84.669998,85.690002,84.180000,84.790001,84.790001,12030000 +1970-11-11,84.790001,86.239998,84.690002,85.029999,85.029999,13520000 +1970-11-12,85.029999,85.540001,83.809998,84.150002,84.150002,12520000 +1970-11-13,84.150002,84.330002,82.919998,83.370003,83.370003,11890000 +1970-11-16,83.370003,83.750000,82.339996,83.239998,83.239998,9160000 +1970-11-17,83.239998,84.169998,82.809998,83.470001,83.470001,9450000 +1970-11-18,83.470001,83.529999,82.410004,82.790001,82.790001,9850000 +1970-11-19,82.790001,83.480003,82.230003,82.910004,82.910004,9280000 +1970-11-20,82.910004,84.059998,82.489998,83.720001,83.720001,10920000 +1970-11-23,83.720001,84.919998,83.470001,84.239998,84.239998,12720000 +1970-11-24,84.239998,85.180000,83.589996,84.779999,84.779999,12560000 +1970-11-25,84.779999,85.699997,84.349998,85.089996,85.089996,13490000 +1970-11-27,85.089996,86.209999,84.669998,85.930000,85.930000,10130000 +1970-11-30,85.930000,87.599998,85.790001,87.199997,87.199997,17700000 +1970-12-01,87.199997,88.610001,86.110001,87.470001,87.470001,20170000 +1970-12-02,87.470001,88.830002,86.720001,88.480003,88.480003,17960000 +1970-12-03,88.480003,89.870003,88.110001,88.900002,88.900002,20480000 +1970-12-04,88.900002,89.889999,88.120003,89.459999,89.459999,15980000 +1970-12-07,89.459999,90.389999,88.760002,89.940002,89.940002,15530000 +1970-12-08,89.940002,90.470001,88.870003,89.470001,89.470001,14370000 +1970-12-09,89.470001,90.029999,88.480003,89.540001,89.540001,13550000 +1970-12-10,89.540001,90.870003,89.010002,89.919998,89.919998,14610000 +1970-12-11,89.919998,90.930000,89.440002,90.260002,90.260002,15790000 +1970-12-14,90.260002,90.809998,89.279999,89.800003,89.800003,13810000 +1970-12-15,89.800003,90.320000,88.930000,89.660004,89.660004,13420000 +1970-12-16,89.660004,90.220001,88.769997,89.720001,89.720001,14240000 +1970-12-17,89.720001,90.610001,89.309998,90.040001,90.040001,13660000 +1970-12-18,90.040001,90.769997,89.419998,90.220001,90.220001,14360000 +1970-12-21,90.220001,90.769997,89.360001,89.940002,89.940002,12690000 +1970-12-22,89.940002,90.839996,89.349998,90.040001,90.040001,14510000 +1970-12-23,90.040001,90.860001,89.349998,90.099998,90.099998,15400000 +1970-12-24,90.099998,91.080002,89.809998,90.610001,90.610001,12140000 +1970-12-28,90.610001,91.489998,90.279999,91.089996,91.089996,12290000 +1970-12-29,91.089996,92.379997,90.730003,92.080002,92.080002,17750000 +1970-12-30,92.080002,92.989998,91.599998,92.269997,92.269997,19140000 +1970-12-31,92.269997,92.790001,91.360001,92.150002,92.150002,13390000 +1971-01-04,92.150002,92.190002,90.639999,91.150002,91.150002,10010000 +1971-01-05,91.150002,92.279999,90.690002,91.800003,91.800003,12600000 +1971-01-06,91.800003,93.000000,91.500000,92.349998,92.349998,16960000 +1971-01-07,92.349998,93.260002,91.750000,92.379997,92.379997,16460000 +1971-01-08,92.379997,93.019997,91.599998,92.190002,92.190002,14100000 +1971-01-11,92.190002,92.669998,90.989998,91.980003,91.980003,14720000 +1971-01-12,91.980003,93.279999,91.629997,92.720001,92.720001,17820000 +1971-01-13,92.720001,93.660004,91.879997,92.559998,92.559998,19070000 +1971-01-14,92.559998,93.360001,91.669998,92.800003,92.800003,17600000 +1971-01-15,92.800003,93.940002,92.250000,93.029999,93.029999,18010000 +1971-01-18,93.029999,94.110001,92.629997,93.410004,93.410004,15400000 +1971-01-19,93.410004,94.279999,92.849998,93.760002,93.760002,15800000 +1971-01-20,93.760002,94.529999,93.070000,93.779999,93.779999,18330000 +1971-01-21,93.779999,94.690002,93.150002,94.190002,94.190002,19060000 +1971-01-22,94.190002,95.529999,93.959999,94.879997,94.879997,21680000 +1971-01-25,94.879997,95.930000,94.160004,95.279999,95.279999,19050000 +1971-01-26,95.279999,96.360001,94.690002,95.589996,95.589996,21380000 +1971-01-27,95.589996,95.779999,93.959999,94.889999,94.889999,20640000 +1971-01-28,94.889999,95.779999,94.120003,95.209999,95.209999,18840000 +1971-01-29,95.209999,96.489998,94.790001,95.879997,95.879997,20960000 +1971-02-01,95.879997,97.050003,95.379997,96.419998,96.419998,20650000 +1971-02-02,96.419998,97.190002,95.599998,96.430000,96.430000,22030000 +1971-02-03,96.430000,97.190002,95.580002,96.629997,96.629997,21680000 +1971-02-04,96.629997,97.260002,95.690002,96.620003,96.620003,20860000 +1971-02-05,96.620003,97.580002,95.839996,96.930000,96.930000,20480000 +1971-02-08,96.930000,98.040001,96.129997,97.449997,97.449997,25590000 +1971-02-09,97.449997,98.500000,96.900002,97.510002,97.510002,28250000 +1971-02-10,97.510002,97.970001,96.230003,97.389999,97.389999,19040000 +1971-02-11,97.389999,98.489998,96.989998,97.910004,97.910004,19260000 +1971-02-12,97.910004,98.959999,97.559998,98.430000,98.430000,18470000 +1971-02-16,98.430000,99.589996,97.849998,98.660004,98.660004,21350000 +1971-02-17,98.660004,99.320000,97.320000,98.199997,98.199997,18720000 +1971-02-18,98.199997,98.599998,96.959999,97.559998,97.559998,16650000 +1971-02-19,97.559998,97.790001,96.250000,96.739998,96.739998,17860000 +1971-02-22,96.650002,96.650002,94.970001,95.720001,95.720001,15840000 +1971-02-23,95.720001,96.669998,94.919998,96.089996,96.089996,15080000 +1971-02-24,96.089996,97.339996,95.860001,96.730003,96.730003,15930000 +1971-02-25,96.730003,97.709999,96.080002,96.959999,96.959999,16200000 +1971-02-26,96.959999,97.540001,95.839996,96.750000,96.750000,17250000 +1971-03-01,96.750000,97.480003,96.110001,97.000000,97.000000,13020000 +1971-03-02,97.000000,97.599998,96.320000,96.980003,96.980003,14870000 +1971-03-03,96.980003,97.540001,96.300003,96.949997,96.949997,14680000 +1971-03-04,96.949997,98.379997,96.900002,97.919998,97.919998,17350000 +1971-03-05,97.919998,99.489998,97.820000,98.959999,98.959999,22430000 +1971-03-08,98.959999,99.440002,98.419998,99.379997,99.379997,19340000 +1971-03-09,99.379997,100.309998,98.720001,99.459999,99.459999,20490000 +1971-03-10,99.459999,100.099998,98.629997,99.300003,99.300003,17220000 +1971-03-11,99.300003,100.290001,98.570000,99.389999,99.389999,19830000 +1971-03-12,99.389999,100.089996,98.639999,99.570000,99.570000,14680000 +1971-03-15,99.570000,101.150002,99.120003,100.709999,100.709999,18920000 +1971-03-16,100.709999,101.940002,100.360001,101.209999,101.209999,22270000 +1971-03-17,101.209999,101.660004,99.980003,101.120003,101.120003,17070000 +1971-03-18,101.120003,102.029999,100.430000,101.190002,101.190002,17910000 +1971-03-19,101.190002,101.739998,100.349998,101.010002,101.010002,15150000 +1971-03-22,101.010002,101.459999,100.080002,100.620003,100.620003,14290000 +1971-03-23,100.620003,101.059998,99.620003,100.279999,100.279999,16470000 +1971-03-24,100.279999,100.629997,99.150002,99.620003,99.620003,15770000 +1971-03-25,99.620003,100.029999,98.360001,99.610001,99.610001,15870000 +1971-03-26,99.610001,100.650002,99.180000,99.949997,99.949997,15560000 +1971-03-29,99.949997,100.739998,99.360001,100.029999,100.029999,13650000 +1971-03-30,100.029999,100.860001,99.410004,100.260002,100.260002,15430000 +1971-03-31,100.260002,101.050003,99.690002,100.309998,100.309998,17610000 +1971-04-01,100.309998,100.989998,99.629997,100.389999,100.389999,13470000 +1971-04-02,100.389999,101.230003,99.860001,100.559998,100.559998,14520000 +1971-04-05,100.559998,101.410004,99.879997,100.790001,100.790001,16040000 +1971-04-06,100.790001,102.110001,100.300003,101.510002,101.510002,19990000 +1971-04-07,101.510002,102.870003,101.129997,101.980003,101.980003,22270000 +1971-04-08,101.980003,102.860001,101.300003,102.099998,102.099998,17590000 +1971-04-12,102.099998,103.540001,101.750000,102.879997,102.879997,19410000 +1971-04-13,102.879997,103.959999,102.250000,102.980003,102.980003,23200000 +1971-04-14,102.980003,104.010002,102.279999,103.370003,103.370003,19440000 +1971-04-15,103.370003,104.400002,102.760002,103.519997,103.519997,22540000 +1971-04-16,103.519997,104.180000,102.680000,103.489998,103.489998,18280000 +1971-04-19,103.489998,104.629997,103.089996,104.010002,104.010002,17730000 +1971-04-20,104.010002,104.580002,103.059998,103.610001,103.610001,17880000 +1971-04-21,103.610001,104.160004,102.550003,103.360001,103.360001,17040000 +1971-04-22,103.360001,104.269997,102.580002,103.559998,103.559998,19270000 +1971-04-23,103.559998,104.629997,102.790001,104.050003,104.050003,20150000 +1971-04-26,104.050003,104.830002,103.190002,103.940002,103.940002,18860000 +1971-04-27,103.940002,105.070000,103.230003,104.589996,104.589996,21250000 +1971-04-28,104.589996,105.599998,103.849998,104.769997,104.769997,24820000 +1971-04-29,104.769997,105.580002,103.900002,104.629997,104.629997,20340000 +1971-04-30,104.629997,104.959999,103.250000,103.949997,103.949997,17490000 +1971-05-03,103.949997,104.110001,102.370003,103.290001,103.290001,16120000 +1971-05-04,103.290001,104.360001,102.709999,103.790001,103.790001,17310000 +1971-05-05,103.790001,104.279999,102.680000,103.779999,103.779999,17270000 +1971-05-06,103.779999,104.419998,102.800003,103.230003,103.230003,19300000 +1971-05-07,103.230003,103.500000,101.860001,102.870003,102.870003,16490000 +1971-05-10,102.870003,103.150002,101.709999,102.360001,102.360001,12810000 +1971-05-11,102.360001,103.370003,101.500000,102.620003,102.620003,17730000 +1971-05-12,102.620003,103.570000,102.120003,102.900002,102.900002,15140000 +1971-05-13,102.900002,103.570000,101.980003,102.690002,102.690002,17640000 +1971-05-14,102.690002,103.169998,101.650002,102.209999,102.209999,16430000 +1971-05-17,102.080002,102.080002,100.250000,100.690002,100.690002,15980000 +1971-05-18,100.690002,101.620003,99.680000,100.830002,100.830002,17640000 +1971-05-19,100.830002,101.750000,100.300003,101.070000,101.070000,17640000 +1971-05-20,101.070000,102.169998,100.610001,101.309998,101.309998,11740000 +1971-05-21,101.309998,101.839996,100.410004,100.989998,100.989998,12090000 +1971-05-24,100.989998,101.239998,99.720001,100.129997,100.129997,12060000 +1971-05-25,100.129997,100.389999,98.730003,99.470001,99.470001,16050000 +1971-05-26,99.470001,100.489998,98.930000,99.589996,99.589996,13550000 +1971-05-27,99.589996,100.139999,98.779999,99.400002,99.400002,12610000 +1971-05-28,99.400002,100.169998,98.680000,99.629997,99.629997,11760000 +1971-06-01,99.629997,100.760002,99.220001,100.199997,100.199997,11930000 +1971-06-02,100.199997,101.529999,99.889999,100.959999,100.959999,17740000 +1971-06-03,100.959999,102.070000,100.300003,101.010002,101.010002,18790000 +1971-06-04,101.010002,101.879997,100.430000,101.300003,101.300003,14400000 +1971-06-07,101.300003,102.019997,100.550003,101.089996,101.089996,13800000 +1971-06-08,101.089996,101.500000,99.910004,100.320000,100.320000,13610000 +1971-06-09,100.320000,100.970001,99.279999,100.290001,100.290001,14250000 +1971-06-10,100.290001,101.230003,99.779999,100.639999,100.639999,12450000 +1971-06-11,100.639999,101.709999,100.180000,101.070000,101.070000,12270000 +1971-06-14,101.070000,101.279999,99.779999,100.220001,100.220001,11530000 +1971-06-15,100.220001,101.099998,99.449997,100.320000,100.320000,13550000 +1971-06-16,100.320000,101.290001,99.680000,100.519997,100.519997,14300000 +1971-06-17,100.519997,101.370003,99.870003,100.500000,100.500000,13980000 +1971-06-18,100.500000,100.629997,98.650002,98.970001,98.970001,15040000 +1971-06-21,98.970001,99.180000,97.220001,97.870003,97.870003,16490000 +1971-06-22,97.870003,98.660004,96.919998,97.589996,97.589996,15200000 +1971-06-23,97.589996,98.949997,97.360001,98.410004,98.410004,12640000 +1971-06-24,98.410004,99.000000,97.589996,98.129997,98.129997,11360000 +1971-06-25,98.129997,98.660004,97.330002,97.989998,97.989998,10580000 +1971-06-28,97.989998,98.480003,97.019997,97.739998,97.739998,9810000 +1971-06-29,97.739998,99.389999,97.610001,98.820000,98.820000,14460000 +1971-06-30,98.820000,100.290001,98.680000,98.699997,98.699997,15410000 +1971-07-01,99.160004,100.650002,99.160004,99.779999,99.779999,13090000 +1971-07-02,99.779999,100.309998,99.089996,99.779999,99.779999,9960000 +1971-07-06,99.779999,100.349998,99.099998,99.760002,99.760002,10440000 +1971-07-07,99.760002,100.830002,99.250000,100.040001,100.040001,14520000 +1971-07-08,100.040001,101.029999,99.589996,100.339996,100.339996,13920000 +1971-07-09,100.339996,101.330002,99.860001,100.690002,100.690002,12640000 +1971-07-12,100.690002,101.519997,100.190002,100.820000,100.820000,12020000 +1971-07-13,100.820000,101.059998,99.070000,99.500000,99.500000,13540000 +1971-07-14,99.500000,99.830002,98.230003,99.220001,99.220001,14360000 +1971-07-15,99.220001,100.480003,98.760002,99.279999,99.279999,13080000 +1971-07-16,99.279999,100.349998,98.639999,99.110001,99.110001,13870000 +1971-07-19,99.110001,99.570000,98.110001,98.930000,98.930000,11430000 +1971-07-20,98.930000,100.010002,98.599998,99.320000,99.320000,12540000 +1971-07-21,99.320000,100.000000,98.739998,99.279999,99.279999,11920000 +1971-07-22,99.279999,99.820000,98.500000,99.110001,99.110001,12570000 +1971-07-23,99.110001,99.599998,98.260002,98.940002,98.940002,12370000 +1971-07-26,98.940002,99.470001,96.669998,98.139999,98.139999,9930000 +1971-07-27,98.139999,98.989998,97.419998,97.779999,97.779999,11560000 +1971-07-28,97.779999,98.150002,96.510002,97.070000,97.070000,13940000 +1971-07-29,97.070000,97.220001,95.370003,96.019997,96.019997,14570000 +1971-07-30,96.019997,96.779999,95.080002,95.580002,95.580002,12970000 +1971-08-02,95.580002,96.760002,95.220001,95.959999,95.959999,11870000 +1971-08-03,95.959999,96.110001,94.059998,94.510002,94.510002,13490000 +1971-08-04,94.510002,95.339996,93.349998,93.889999,93.889999,15410000 +1971-08-05,93.889999,94.889999,93.330002,94.089996,94.089996,12100000 +1971-08-06,94.089996,94.910004,93.629997,94.250000,94.250000,9490000 +1971-08-09,94.250000,94.550003,93.169998,93.529999,93.529999,8110000 +1971-08-10,93.529999,94.129997,92.809998,93.540001,93.540001,9460000 +1971-08-11,93.540001,95.059998,93.349998,94.660004,94.660004,11370000 +1971-08-12,94.809998,96.500000,94.809998,96.000000,96.000000,15910000 +1971-08-13,96.000000,96.529999,95.190002,95.690002,95.690002,9960000 +1971-08-16,97.900002,100.959999,97.900002,98.760002,98.760002,31730000 +1971-08-17,98.760002,101.000000,98.489998,99.989998,99.989998,26790000 +1971-08-18,99.989998,100.190002,98.059998,98.599998,98.599998,20680000 +1971-08-19,98.599998,99.070000,97.349998,98.160004,98.160004,14190000 +1971-08-20,98.160004,98.940002,97.519997,98.330002,98.330002,11890000 +1971-08-23,98.330002,99.959999,98.089996,99.250000,99.250000,13040000 +1971-08-24,99.250000,101.019997,99.150002,100.400002,100.400002,18700000 +1971-08-25,100.400002,101.510002,99.769997,100.410004,100.410004,18280000 +1971-08-26,100.410004,101.120003,99.400002,100.239998,100.239998,13990000 +1971-08-27,100.239998,101.220001,99.760002,100.480003,100.480003,12490000 +1971-08-30,100.480003,100.889999,99.169998,99.519997,99.519997,11140000 +1971-08-31,99.519997,99.760002,98.320000,99.029999,99.029999,10430000 +1971-09-01,99.029999,99.839996,98.500000,99.070000,99.070000,10770000 +1971-09-02,99.070000,99.800003,98.519997,99.290001,99.290001,10690000 +1971-09-03,99.290001,100.930000,99.099998,100.690002,100.690002,14040000 +1971-09-07,100.690002,102.250000,100.430000,101.150002,101.150002,17080000 +1971-09-08,101.150002,101.940002,100.519997,101.339996,101.339996,14230000 +1971-09-09,101.339996,101.879997,100.379997,100.800003,100.800003,15790000 +1971-09-10,100.800003,101.010002,99.690002,100.419998,100.419998,11380000 +1971-09-13,100.419998,100.839996,99.489998,100.070000,100.070000,10000000 +1971-09-14,100.070000,100.349998,98.989998,99.339996,99.339996,11410000 +1971-09-15,99.339996,100.239998,98.790001,99.769997,99.769997,11080000 +1971-09-16,99.769997,100.349998,99.070000,99.660004,99.660004,10550000 +1971-09-17,99.660004,100.519997,99.260002,99.959999,99.959999,11020000 +1971-09-20,99.959999,100.400002,99.139999,99.680000,99.680000,9540000 +1971-09-21,99.680000,100.080002,98.709999,99.339996,99.339996,10640000 +1971-09-22,99.339996,99.720001,98.150002,98.470001,98.470001,14250000 +1971-09-23,98.470001,99.120003,97.610001,98.379997,98.379997,13250000 +1971-09-24,98.379997,99.349998,97.779999,98.150002,98.150002,13460000 +1971-09-27,98.150002,98.410004,96.970001,97.620003,97.620003,10220000 +1971-09-28,97.620003,98.550003,97.120003,97.879997,97.879997,11250000 +1971-09-29,97.879997,98.510002,97.290001,97.900002,97.900002,8580000 +1971-09-30,97.900002,98.970001,97.480003,98.339996,98.339996,13490000 +1971-10-01,98.339996,99.489998,97.959999,98.930000,98.930000,13400000 +1971-10-04,98.930000,100.040001,98.620003,99.209999,99.209999,14570000 +1971-10-05,99.209999,99.779999,98.339996,99.110001,99.110001,12360000 +1971-10-06,99.110001,100.129997,98.489998,99.820000,99.820000,15630000 +1971-10-07,99.820000,100.959999,99.419998,100.019997,100.019997,17780000 +1971-10-08,100.019997,100.300003,98.870003,99.360001,99.360001,13870000 +1971-10-11,99.360001,99.620003,98.580002,99.209999,99.209999,7800000 +1971-10-12,99.209999,100.199997,98.620003,99.570000,99.570000,14340000 +1971-10-13,99.570000,100.080002,98.610001,99.029999,99.029999,13540000 +1971-10-14,99.029999,99.250000,97.739998,98.129997,98.129997,12870000 +1971-10-15,98.129997,98.449997,97.029999,97.790001,97.790001,13120000 +1971-10-18,97.790001,98.330002,96.980003,97.349998,97.349998,10420000 +1971-10-19,97.349998,97.660004,96.050003,97.000000,97.000000,13040000 +1971-10-20,97.000000,97.449997,95.230003,95.650002,95.650002,16340000 +1971-10-21,95.650002,96.330002,94.589996,95.599998,95.599998,14990000 +1971-10-22,95.599998,96.830002,94.970001,95.570000,95.570000,14560000 +1971-10-25,95.570000,95.760002,94.570000,95.099998,95.099998,7340000 +1971-10-26,95.019997,95.019997,94.379997,94.739998,94.739998,13390000 +1971-10-27,94.739998,94.989998,93.389999,93.790001,93.790001,13480000 +1971-10-28,93.790001,94.750000,92.959999,93.959999,93.959999,15530000 +1971-10-29,93.959999,94.709999,93.279999,94.230003,94.230003,11710000 +1971-11-01,94.230003,94.430000,92.480003,92.800003,92.800003,10960000 +1971-11-02,92.800003,93.730003,91.839996,93.180000,93.180000,13330000 +1971-11-03,93.269997,95.309998,93.269997,94.910004,94.910004,14590000 +1971-11-04,94.910004,96.080002,94.370003,94.790001,94.790001,15750000 +1971-11-05,94.790001,95.010002,93.639999,94.459999,94.459999,10780000 +1971-11-08,94.459999,94.970001,93.779999,94.389999,94.389999,8520000 +1971-11-09,94.389999,95.309998,93.940002,94.459999,94.459999,12080000 +1971-11-10,94.459999,94.839996,93.099998,93.410004,93.410004,13410000 +1971-11-11,93.410004,93.540001,91.639999,92.120003,92.120003,13310000 +1971-11-12,92.120003,92.900002,90.930000,92.120003,92.120003,14540000 +1971-11-15,92.120003,92.690002,91.379997,91.809998,91.809998,9370000 +1971-11-16,91.809998,93.150002,91.209999,92.709999,92.709999,13300000 +1971-11-17,92.709999,93.349998,91.800003,92.849998,92.849998,12840000 +1971-11-18,92.849998,93.620003,91.879997,92.129997,92.129997,13010000 +1971-11-19,92.129997,92.379997,90.949997,91.610001,91.610001,12420000 +1971-11-22,91.610001,92.120003,90.510002,90.790001,90.790001,11390000 +1971-11-23,90.790001,91.099998,89.339996,90.160004,90.160004,16840000 +1971-11-24,90.160004,91.139999,89.730003,90.330002,90.330002,11870000 +1971-11-26,90.330002,92.190002,90.269997,91.940002,91.940002,10870000 +1971-11-29,92.040001,94.900002,92.040001,93.410004,93.410004,18910000 +1971-11-30,93.410004,94.430000,92.510002,93.989998,93.989998,18320000 +1971-12-01,93.989998,96.120003,93.949997,95.440002,95.440002,21040000 +1971-12-02,95.440002,96.589996,94.730003,95.839996,95.839996,17780000 +1971-12-03,95.839996,97.570000,95.360001,97.059998,97.059998,16760000 +1971-12-06,97.059998,98.169998,96.070000,96.510002,96.510002,17480000 +1971-12-07,96.510002,97.349998,95.400002,96.870003,96.870003,15250000 +1971-12-08,96.870003,97.650002,96.080002,96.919998,96.919998,16650000 +1971-12-09,96.959999,96.959999,96.959999,96.959999,96.959999,14710000 +1971-12-10,97.690002,97.690002,97.690002,97.690002,97.690002,17510000 +1971-12-13,97.970001,97.970001,97.970001,97.970001,97.970001,17020000 +1971-12-14,97.669998,97.669998,97.669998,97.669998,97.669998,16070000 +1971-12-15,98.540001,98.540001,98.540001,98.540001,98.540001,16890000 +1971-12-16,99.739998,99.739998,99.739998,99.739998,99.739998,21070000 +1971-12-17,100.260002,100.260002,100.260002,100.260002,100.260002,18270000 +1971-12-20,101.550003,101.550003,101.550003,101.550003,101.550003,23810000 +1971-12-21,101.800003,101.800003,101.800003,101.800003,101.800003,20460000 +1971-12-22,101.180000,101.180000,101.180000,101.180000,101.180000,18930000 +1971-12-23,100.739998,100.739998,100.739998,100.739998,100.739998,16000000 +1971-12-27,100.949997,100.949997,100.949997,100.949997,100.949997,11890000 +1971-12-28,101.949997,101.949997,101.949997,101.949997,101.949997,15090000 +1971-12-29,102.209999,102.209999,102.209999,102.209999,102.209999,17150000 +1971-12-30,101.779999,101.779999,101.779999,101.779999,101.779999,13810000 +1971-12-31,102.089996,102.089996,102.089996,102.089996,102.089996,14040000 +1972-01-03,102.089996,102.849998,101.190002,101.669998,101.669998,12570000 +1972-01-04,101.669998,102.589996,100.870003,102.089996,102.089996,15190000 +1972-01-05,102.089996,103.690002,101.900002,103.059998,103.059998,21350000 +1972-01-06,103.059998,104.199997,102.660004,103.510002,103.510002,21100000 +1972-01-07,103.510002,104.290001,102.379997,103.470001,103.470001,17140000 +1972-01-10,103.470001,103.970001,102.440002,103.320000,103.320000,15320000 +1972-01-11,103.320000,104.300003,102.849998,103.650002,103.650002,17970000 +1972-01-12,103.650002,104.660004,103.050003,103.589996,103.589996,20970000 +1972-01-13,103.589996,103.800003,102.290001,102.989998,102.989998,16410000 +1972-01-14,102.989998,103.889999,102.410004,103.389999,103.389999,14960000 +1972-01-17,103.389999,104.239998,102.800003,103.699997,103.699997,15860000 +1972-01-18,103.699997,104.849998,103.349998,104.050003,104.050003,21070000 +1972-01-19,104.050003,104.610001,102.830002,103.879997,103.879997,18800000 +1972-01-20,103.879997,105.000000,103.320000,103.879997,103.879997,20210000 +1972-01-21,103.879997,104.400002,102.750000,103.650002,103.650002,18810000 +1972-01-24,103.650002,104.029999,102.199997,102.570000,102.570000,15640000 +1972-01-25,102.570000,103.589996,101.629997,102.699997,102.699997,17570000 +1972-01-26,102.699997,103.309998,101.809998,102.500000,102.500000,14940000 +1972-01-27,102.500000,103.930000,102.199997,103.500000,103.500000,20360000 +1972-01-28,103.500000,104.980003,103.220001,104.160004,104.160004,25000000 +1972-01-31,104.160004,104.879997,103.300003,103.940002,103.940002,18250000 +1972-02-01,103.940002,104.570000,103.099998,104.010002,104.010002,19600000 +1972-02-02,104.010002,105.410004,103.500000,104.680000,104.680000,24070000 +1972-02-03,104.680000,105.430000,103.849998,104.639999,104.639999,19880000 +1972-02-04,104.639999,105.480003,104.050003,104.860001,104.860001,17890000 +1972-02-07,104.860001,105.459999,103.970001,104.540001,104.540001,16930000 +1972-02-08,104.540001,105.220001,103.900002,104.739998,104.739998,17390000 +1972-02-09,104.739998,106.029999,104.360001,105.550003,105.550003,19850000 +1972-02-10,105.550003,106.690002,104.970001,105.589996,105.589996,23460000 +1972-02-11,105.589996,105.910004,104.449997,105.080002,105.080002,17850000 +1972-02-14,105.080002,105.529999,104.029999,104.589996,104.589996,15840000 +1972-02-15,104.589996,105.589996,104.099998,105.029999,105.029999,17770000 +1972-02-16,105.029999,106.250000,104.650002,105.620003,105.620003,20670000 +1972-02-17,105.620003,106.650002,104.959999,105.589996,105.589996,22330000 +1972-02-18,105.589996,106.010002,104.470001,105.279999,105.279999,16590000 +1972-02-22,105.279999,106.180000,104.650002,105.290001,105.290001,16670000 +1972-02-23,105.290001,106.180000,104.720001,105.379997,105.379997,16770000 +1972-02-24,105.379997,106.239998,104.760002,105.449997,105.449997,16000000 +1972-02-25,105.449997,106.730003,105.040001,106.180000,106.180000,18180000 +1972-02-28,106.180000,107.040001,105.370003,106.190002,106.190002,18200000 +1972-02-29,106.190002,107.160004,105.449997,106.570000,106.570000,20320000 +1972-03-01,106.570000,108.129997,106.209999,107.349998,107.349998,23670000 +1972-03-02,107.349998,108.389999,106.629997,107.320000,107.320000,22200000 +1972-03-03,107.320000,108.510002,106.779999,107.940002,107.940002,20420000 +1972-03-06,107.940002,109.400002,107.639999,108.769997,108.769997,21000000 +1972-03-07,108.769997,109.720001,108.019997,108.870003,108.870003,22640000 +1972-03-08,108.870003,109.680000,108.040001,108.959999,108.959999,21290000 +1972-03-09,108.959999,109.750000,108.190002,108.940002,108.940002,21460000 +1972-03-10,108.940002,109.370003,107.769997,108.379997,108.379997,19690000 +1972-03-13,108.379997,108.519997,106.709999,107.330002,107.330002,16730000 +1972-03-14,107.330002,108.199997,106.709999,107.610001,107.610001,22370000 +1972-03-15,107.610001,108.550003,107.089996,107.750000,107.750000,19460000 +1972-03-16,107.750000,108.220001,106.550003,107.500000,107.500000,16700000 +1972-03-17,107.500000,108.610001,106.889999,107.919998,107.919998,16040000 +1972-03-20,107.919998,108.809998,107.180000,107.589996,107.589996,16420000 +1972-03-21,107.589996,107.680000,105.860001,106.690002,106.690002,18610000 +1972-03-22,106.690002,107.519997,106.000000,106.839996,106.839996,15400000 +1972-03-23,106.839996,108.330002,106.669998,107.750000,107.750000,18380000 +1972-03-24,107.750000,108.360001,106.949997,107.519997,107.519997,15390000 +1972-03-27,107.519997,108.000000,106.529999,107.300003,107.300003,12180000 +1972-03-28,107.300003,108.080002,106.220001,107.169998,107.169998,15380000 +1972-03-29,107.169998,107.410004,105.980003,106.489998,106.489998,13860000 +1972-03-30,106.489998,107.669998,106.070000,107.199997,107.199997,14360000 +1972-04-03,107.199997,108.260002,106.750000,107.480003,107.480003,14990000 +1972-04-04,107.480003,108.620003,106.769997,108.120003,108.120003,18110000 +1972-04-05,108.120003,109.639999,107.959999,109.000000,109.000000,22960000 +1972-04-06,109.000000,110.290001,108.529999,109.529999,109.529999,22830000 +1972-04-07,109.529999,110.150002,108.529999,109.620003,109.620003,19900000 +1972-04-10,109.620003,110.540001,108.889999,109.449997,109.449997,19470000 +1972-04-11,109.449997,110.379997,108.760002,109.760002,109.760002,19930000 +1972-04-12,109.760002,111.110001,109.360001,110.180000,110.180000,24690000 +1972-04-13,110.180000,110.790001,109.370003,109.910004,109.910004,17990000 +1972-04-14,109.910004,110.559998,109.070000,109.839996,109.839996,17460000 +1972-04-17,109.839996,110.220001,108.769997,109.510002,109.510002,15390000 +1972-04-18,109.510002,110.639999,109.019997,109.769997,109.769997,19410000 +1972-04-19,109.769997,110.349998,108.709999,109.199997,109.199997,19180000 +1972-04-20,109.199997,109.690002,108.080002,109.040001,109.040001,18190000 +1972-04-21,109.040001,109.919998,108.300003,108.889999,108.889999,18200000 +1972-04-24,108.889999,109.190002,107.620003,108.190002,108.190002,14650000 +1972-04-25,108.190002,108.290001,106.699997,107.120003,107.120003,17030000 +1972-04-26,107.120003,107.889999,106.180000,106.889999,106.889999,17710000 +1972-04-27,106.889999,107.889999,106.419998,107.050003,107.050003,15740000 +1972-04-28,107.050003,108.279999,106.699997,107.669998,107.669998,14160000 +1972-05-01,107.669998,108.000000,106.300003,106.690002,106.690002,12880000 +1972-05-02,106.690002,107.370003,105.550003,106.080002,106.080002,15370000 +1972-05-03,106.080002,107.239998,105.440002,105.989998,105.989998,15900000 +1972-05-04,105.989998,106.809998,105.139999,106.250000,106.250000,14790000 +1972-05-05,106.250000,107.330002,105.699997,106.629997,106.629997,13210000 +1972-05-08,106.629997,106.809998,105.360001,106.139999,106.139999,11250000 +1972-05-09,106.059998,106.059998,103.830002,104.739998,104.739998,19910000 +1972-05-10,104.739998,106.099998,104.430000,105.419998,105.419998,13870000 +1972-05-11,105.419998,106.449997,104.900002,105.769997,105.769997,12900000 +1972-05-12,105.769997,107.019997,105.489998,106.379997,106.379997,13990000 +1972-05-15,106.379997,107.449997,106.059998,106.860001,106.860001,13600000 +1972-05-16,106.860001,107.550003,106.129997,106.660004,106.660004,14070000 +1972-05-17,106.660004,107.379997,106.019997,106.889999,106.889999,13600000 +1972-05-18,106.889999,108.389999,106.720001,107.940002,107.940002,17370000 +1972-05-19,107.940002,109.589996,107.739998,108.980003,108.980003,19580000 +1972-05-22,108.980003,110.370003,108.790001,109.690002,109.690002,16030000 +1972-05-23,109.690002,110.459999,108.910004,109.779999,109.779999,16410000 +1972-05-24,109.779999,111.070000,109.389999,110.309998,110.309998,17870000 +1972-05-25,110.309998,111.199997,109.669998,110.459999,110.459999,16480000 +1972-05-26,110.459999,111.309998,109.839996,110.660004,110.660004,15730000 +1972-05-30,110.660004,111.480003,109.779999,110.349998,110.349998,15810000 +1972-05-31,110.349998,110.519997,108.919998,109.529999,109.529999,15230000 +1972-06-01,109.529999,110.349998,108.970001,109.690002,109.690002,14910000 +1972-06-02,109.690002,110.510002,108.930000,109.730003,109.730003,15400000 +1972-06-05,109.730003,109.919998,108.279999,108.820000,108.820000,13450000 +1972-06-06,108.820000,109.320000,107.709999,108.209999,108.209999,15980000 +1972-06-07,108.209999,108.519997,106.910004,107.650002,107.650002,15220000 +1972-06-08,107.650002,108.519997,106.900002,107.279999,107.279999,13820000 +1972-06-09,107.279999,107.680000,106.300003,106.860001,106.860001,12790000 +1972-06-12,106.860001,107.919998,106.290001,107.010002,107.010002,13390000 +1972-06-13,107.010002,108.029999,106.379997,107.550003,107.550003,15710000 +1972-06-14,107.550003,109.150002,107.379997,108.389999,108.389999,18320000 +1972-06-15,108.389999,109.519997,107.779999,108.440002,108.440002,16940000 +1972-06-16,108.440002,108.940002,107.540001,108.360001,108.360001,13010000 +1972-06-19,108.360001,108.779999,107.370003,108.110001,108.110001,11660000 +1972-06-20,108.110001,109.120003,107.639999,108.559998,108.559998,14970000 +1972-06-21,108.559998,109.660004,107.980003,108.790001,108.790001,15510000 +1972-06-22,108.790001,109.260002,107.620003,108.680000,108.680000,13410000 +1972-06-23,108.680000,109.330002,107.690002,108.269997,108.269997,13940000 +1972-06-26,108.230003,108.230003,106.680000,107.480003,107.480003,12720000 +1972-06-27,107.480003,108.290001,106.699997,107.370003,107.370003,13750000 +1972-06-28,107.370003,107.870003,106.489998,107.019997,107.019997,12140000 +1972-06-29,107.019997,107.470001,105.940002,106.820000,106.820000,14610000 +1972-06-30,106.820000,107.910004,106.400002,107.139999,107.139999,12860000 +1972-07-03,107.139999,107.949997,106.720001,107.489998,107.489998,8140000 +1972-07-05,107.489998,108.800003,107.139999,108.099998,108.099998,14710000 +1972-07-06,108.279999,110.269997,108.279999,109.040001,109.040001,19520000 +1972-07-07,109.040001,109.660004,108.160004,108.690002,108.690002,12900000 +1972-07-10,108.690002,109.160004,107.620003,108.110001,108.110001,11700000 +1972-07-11,108.110001,108.349998,106.870003,107.320000,107.320000,12830000 +1972-07-12,107.320000,108.150002,106.419998,106.889999,106.889999,16150000 +1972-07-13,106.889999,107.300003,105.620003,106.279999,106.279999,14740000 +1972-07-14,106.279999,107.580002,105.769997,106.800003,106.800003,13910000 +1972-07-17,106.800003,107.370003,105.550003,105.879997,105.879997,13170000 +1972-07-18,105.879997,106.400002,104.430000,105.830002,105.830002,16820000 +1972-07-19,105.830002,107.360001,105.470001,106.139999,106.139999,17880000 +1972-07-20,106.139999,106.680000,105.120003,105.809998,105.809998,15050000 +1972-07-21,105.809998,107.050003,104.989998,106.660004,106.660004,14010000 +1972-07-24,106.660004,108.669998,106.629997,107.919998,107.919998,18020000 +1972-07-25,107.919998,108.879997,107.059998,107.599998,107.599998,17180000 +1972-07-26,107.599998,108.419998,106.790001,107.529999,107.529999,14130000 +1972-07-27,107.529999,108.309998,106.610001,107.279999,107.279999,13870000 +1972-07-28,107.279999,108.029999,106.519997,107.379997,107.379997,13050000 +1972-07-31,107.379997,108.059998,106.599998,107.389999,107.389999,11120000 +1972-08-01,107.389999,108.849998,107.059998,108.400002,108.400002,15540000 +1972-08-02,108.400002,109.849998,108.120003,109.290001,109.290001,17920000 +1972-08-03,109.290001,110.879997,108.900002,110.139999,110.139999,19970000 +1972-08-04,110.139999,111.120003,109.370003,110.430000,110.430000,15700000 +1972-08-07,110.430000,111.379997,109.690002,110.610001,110.610001,13220000 +1972-08-08,110.610001,111.320000,109.669998,110.690002,110.690002,14550000 +1972-08-09,110.690002,111.570000,109.980003,110.860001,110.860001,15730000 +1972-08-10,110.860001,111.680000,110.089996,111.050003,111.050003,15260000 +1972-08-11,111.050003,112.400002,110.519997,111.949997,111.949997,16570000 +1972-08-14,111.949997,113.449997,111.660004,112.550003,112.550003,18870000 +1972-08-15,112.550003,113.040001,111.269997,112.059998,112.059998,16670000 +1972-08-16,112.059998,112.800003,110.870003,111.660004,111.660004,14950000 +1972-08-17,111.660004,112.410004,110.720001,111.339996,111.339996,14360000 +1972-08-18,111.339996,112.529999,110.809998,111.760002,111.760002,16150000 +1972-08-21,111.760002,112.739998,110.750000,111.720001,111.720001,14290000 +1972-08-22,111.720001,113.160004,111.279999,112.410004,112.410004,18560000 +1972-08-23,112.410004,113.269997,111.300003,112.260002,112.260002,18670000 +1972-08-24,112.260002,112.809998,110.620003,111.019997,111.019997,18280000 +1972-08-25,111.019997,111.529999,109.779999,110.669998,110.669998,13840000 +1972-08-28,110.669998,111.239998,109.709999,110.230003,110.230003,10720000 +1972-08-29,110.230003,111.019997,109.260002,110.410004,110.410004,12300000 +1972-08-30,110.410004,111.330002,109.900002,110.570000,110.570000,12470000 +1972-08-31,110.570000,111.519997,110.080002,111.089996,111.089996,12340000 +1972-09-01,111.089996,112.120003,110.699997,111.510002,111.510002,11600000 +1972-09-05,111.510002,112.080002,110.750000,111.230003,111.230003,10630000 +1972-09-06,111.230003,111.379997,110.040001,110.550003,110.550003,12010000 +1972-09-07,110.550003,111.059998,109.709999,110.290001,110.290001,11090000 +1972-09-08,110.290001,110.900002,109.669998,110.150002,110.150002,10980000 +1972-09-11,110.150002,110.570000,109.010002,109.510002,109.510002,10710000 +1972-09-12,109.510002,109.839996,107.809998,108.470001,108.470001,13560000 +1972-09-13,108.470001,109.360001,107.839996,108.900002,108.900002,13070000 +1972-09-14,108.900002,109.639999,108.209999,108.930000,108.930000,12500000 +1972-09-15,108.930000,109.489998,108.099998,108.809998,108.809998,11690000 +1972-09-18,108.809998,109.220001,107.860001,108.610001,108.610001,8880000 +1972-09-19,108.610001,109.570000,108.080002,108.550003,108.550003,13330000 +1972-09-20,108.550003,109.120003,107.839996,108.599998,108.599998,11980000 +1972-09-21,108.599998,109.129997,107.750000,108.430000,108.430000,11940000 +1972-09-22,108.430000,109.199997,107.720001,108.519997,108.519997,12570000 +1972-09-25,108.519997,109.089996,107.669998,108.050003,108.050003,10920000 +1972-09-26,108.050003,108.970001,107.349998,108.120003,108.120003,13150000 +1972-09-27,108.120003,109.919998,107.790001,109.660004,109.660004,14620000 +1972-09-28,109.660004,110.750000,108.750000,110.349998,110.349998,14710000 +1972-09-29,110.349998,110.550003,108.050003,110.550003,110.550003,16250000 +1972-10-02,110.550003,110.980003,109.489998,110.160004,110.160004,12440000 +1972-10-03,110.160004,110.900002,109.470001,110.300003,110.300003,13090000 +1972-10-04,110.300003,111.349998,109.580002,110.089996,110.089996,16640000 +1972-10-05,110.089996,110.519997,108.489998,108.889999,108.889999,17730000 +1972-10-06,108.889999,110.489998,107.779999,109.620003,109.620003,16630000 +1972-10-09,109.620003,110.440002,109.279999,109.900002,109.900002,7940000 +1972-10-10,109.900002,111.110001,109.320000,109.989998,109.989998,13310000 +1972-10-11,109.989998,110.510002,108.769997,109.500000,109.500000,11900000 +1972-10-12,109.500000,109.690002,108.029999,108.599998,108.599998,13130000 +1972-10-13,108.599998,108.879997,107.169998,107.919998,107.919998,12870000 +1972-10-16,107.919998,108.400002,106.379997,106.769997,106.769997,10940000 +1972-10-17,106.769997,108.040001,106.269997,107.500000,107.500000,13410000 +1972-10-18,107.500000,109.110001,107.360001,108.190002,108.190002,17290000 +1972-10-19,108.190002,108.809998,107.400002,108.050003,108.050003,13850000 +1972-10-20,108.050003,109.790001,107.589996,109.239998,109.239998,15740000 +1972-10-23,109.510002,111.099998,109.510002,110.349998,110.349998,14190000 +1972-10-24,110.349998,111.339996,109.379997,110.809998,110.809998,15240000 +1972-10-25,110.809998,111.559998,109.959999,110.720001,110.720001,17430000 +1972-10-26,110.720001,112.260002,110.260002,110.989998,110.989998,20790000 +1972-10-27,110.989998,111.620003,109.989998,110.620003,110.620003,15470000 +1972-10-30,110.620003,111.190002,109.660004,110.589996,110.589996,11820000 +1972-10-31,110.589996,112.050003,110.400002,111.580002,111.580002,15450000 +1972-11-01,111.580002,113.309998,111.320000,112.669998,112.669998,21360000 +1972-11-02,112.669998,113.809998,111.959999,113.230003,113.230003,20690000 +1972-11-03,113.230003,114.809998,112.709999,114.220001,114.220001,22510000 +1972-11-06,114.220001,115.169998,112.910004,113.980003,113.980003,21330000 +1972-11-08,113.980003,115.230003,112.769997,113.349998,113.349998,24620000 +1972-11-09,113.349998,114.110001,112.080002,113.500000,113.500000,17040000 +1972-11-10,113.500000,115.150002,112.849998,113.730003,113.730003,24360000 +1972-11-13,113.730003,114.750000,112.910004,113.900002,113.900002,17210000 +1972-11-14,113.900002,115.410004,113.360001,114.949997,114.949997,20200000 +1972-11-15,114.949997,116.070000,113.870003,114.500000,114.500000,23270000 +1972-11-16,114.500000,115.570000,113.730003,115.129997,115.129997,19580000 +1972-11-17,115.129997,116.230003,114.440002,115.489998,115.489998,20220000 +1972-11-20,115.489998,116.250000,114.570000,115.529999,115.529999,16680000 +1972-11-21,115.529999,116.839996,115.040001,116.209999,116.209999,22110000 +1972-11-22,116.209999,117.610001,115.669998,116.900002,116.900002,24510000 +1972-11-24,116.900002,117.910004,116.190002,117.269997,117.269997,15760000 +1972-11-27,117.269997,117.550003,115.660004,116.720001,116.720001,18190000 +1972-11-28,116.720001,117.480003,115.779999,116.470001,116.470001,19210000 +1972-11-29,116.470001,117.139999,115.559998,116.519997,116.519997,17380000 +1972-11-30,116.519997,117.389999,115.739998,116.669998,116.669998,19340000 +1972-12-01,116.669998,118.180000,116.290001,117.379997,117.379997,22570000 +1972-12-04,117.379997,118.540001,116.989998,117.769997,117.769997,19730000 +1972-12-05,117.769997,118.419998,116.889999,117.580002,117.580002,17800000 +1972-12-06,117.580002,118.559998,116.900002,118.010002,118.010002,18610000 +1972-12-07,118.010002,119.169998,117.570000,118.599998,118.599998,19320000 +1972-12-08,118.599998,119.540001,117.919998,118.860001,118.860001,18030000 +1972-12-11,118.860001,119.779999,118.239998,119.120003,119.120003,17230000 +1972-12-12,119.120003,119.790001,118.089996,118.660004,118.660004,17040000 +1972-12-13,118.660004,119.230003,117.769997,118.559998,118.559998,16540000 +1972-12-14,118.559998,119.190002,117.629997,118.239998,118.239998,17930000 +1972-12-15,118.239998,119.250000,117.370003,118.260002,118.260002,18300000 +1972-12-18,117.879997,117.879997,115.889999,116.900002,116.900002,17540000 +1972-12-19,116.900002,117.370003,115.690002,116.339996,116.339996,17000000 +1972-12-20,116.339996,117.129997,115.379997,115.949997,115.949997,18490000 +1972-12-21,115.949997,116.599998,114.629997,115.110001,115.110001,18290000 +1972-12-22,115.110001,116.400002,114.779999,115.830002,115.830002,12540000 +1972-12-26,115.830002,116.870003,115.540001,116.300003,116.300003,11120000 +1972-12-27,116.300003,117.550003,115.889999,116.930000,116.930000,19100000 +1972-12-29,116.930000,118.769997,116.699997,118.050003,118.050003,27550000 +1973-01-02,118.059998,119.900002,118.059998,119.099998,119.099998,17090000 +1973-01-03,119.099998,120.449997,118.690002,119.570000,119.570000,20620000 +1973-01-04,119.570000,120.169998,118.120003,119.400002,119.400002,20230000 +1973-01-05,119.400002,120.709999,118.879997,119.870003,119.870003,19330000 +1973-01-08,119.870003,120.550003,119.040001,119.849998,119.849998,16840000 +1973-01-09,119.849998,120.400002,118.889999,119.730003,119.730003,16830000 +1973-01-10,119.730003,120.440002,118.779999,119.430000,119.430000,20880000 +1973-01-11,119.430000,121.739998,119.010002,120.239998,120.239998,25050000 +1973-01-12,120.239998,121.269997,118.690002,119.300003,119.300003,22230000 +1973-01-15,119.300003,120.820000,118.040001,118.440002,118.440002,21520000 +1973-01-16,118.440002,119.169998,117.040001,118.139999,118.139999,19170000 +1973-01-17,118.139999,119.349998,117.610001,118.680000,118.680000,17680000 +1973-01-18,118.680000,119.930000,118.150002,118.849998,118.849998,17810000 +1973-01-19,118.849998,119.449997,117.459999,118.779999,118.779999,17020000 +1973-01-22,118.779999,119.629997,117.720001,118.209999,118.209999,15570000 +1973-01-23,118.209999,119.000000,116.839996,118.220001,118.220001,19060000 +1973-01-24,118.220001,119.040001,116.089996,116.730003,116.730003,20870000 +1973-01-26,116.730003,117.290001,114.970001,116.449997,116.449997,21130000 +1973-01-29,116.449997,117.180000,115.129997,116.010002,116.010002,14680000 +1973-01-30,116.010002,117.110001,115.260002,115.830002,115.830002,15270000 +1973-01-31,115.830002,116.839996,115.050003,116.029999,116.029999,14870000 +1973-02-01,116.029999,117.010002,114.260002,114.760002,114.760002,20670000 +1973-02-02,114.760002,115.400002,113.449997,114.349998,114.349998,17470000 +1973-02-05,114.349998,115.150002,113.620003,114.230003,114.230003,14580000 +1973-02-06,114.230003,115.330002,113.449997,114.449997,114.449997,15720000 +1973-02-07,114.449997,115.480003,113.239998,113.660004,113.660004,17960000 +1973-02-08,113.660004,114.050003,111.849998,113.160004,113.160004,18440000 +1973-02-09,113.160004,115.199997,113.080002,114.680000,114.680000,19260000 +1973-02-12,114.690002,116.660004,114.690002,116.059998,116.059998,16130000 +1973-02-13,116.089996,118.980003,116.089996,116.779999,116.779999,25320000 +1973-02-14,116.779999,116.919998,114.519997,115.099998,115.099998,16520000 +1973-02-15,115.099998,115.680000,113.699997,114.449997,114.449997,13940000 +1973-02-16,114.449997,115.470001,113.730003,114.980003,114.980003,13320000 +1973-02-20,114.980003,116.260002,114.570000,115.400002,115.400002,14020000 +1973-02-21,115.400002,116.010002,114.129997,114.690002,114.690002,14880000 +1973-02-22,114.690002,115.199997,113.440002,114.440002,114.440002,14570000 +1973-02-23,114.440002,114.669998,112.769997,113.160004,113.160004,15450000 +1973-02-26,113.160004,113.260002,111.150002,112.190002,112.190002,15860000 +1973-02-27,112.190002,112.900002,110.500000,110.900002,110.900002,16130000 +1973-02-28,110.900002,112.209999,109.800003,111.680000,111.680000,17950000 +1973-03-01,111.680000,112.980003,110.680000,111.050003,111.050003,18210000 +1973-03-02,111.050003,112.620003,109.449997,112.279999,112.279999,17710000 +1973-03-05,112.279999,113.430000,111.330002,112.680000,112.680000,13720000 +1973-03-06,112.680000,114.709999,112.570000,114.099998,114.099998,17710000 +1973-03-07,114.099998,115.120003,112.830002,114.449997,114.449997,19310000 +1973-03-08,114.449997,115.230003,113.570000,114.230003,114.230003,15100000 +1973-03-09,114.230003,114.550003,112.930000,113.790001,113.790001,14070000 +1973-03-12,113.790001,114.800003,113.250000,113.860001,113.860001,13810000 +1973-03-13,113.860001,115.050003,113.320000,114.480003,114.480003,14210000 +1973-03-14,114.480003,115.610001,113.970001,114.980003,114.980003,14460000 +1973-03-15,114.980003,115.470001,113.769997,114.120003,114.120003,14450000 +1973-03-16,114.120003,114.620003,112.839996,113.540001,113.540001,15130000 +1973-03-19,113.500000,113.500000,111.650002,112.169998,112.169998,12460000 +1973-03-20,112.169998,112.680000,111.019997,111.949997,111.949997,13250000 +1973-03-21,111.949997,112.809998,110.169998,110.489998,110.489998,16080000 +1973-03-22,110.389999,110.389999,108.190002,108.839996,108.839996,17130000 +1973-03-23,108.839996,109.970001,107.410004,108.879997,108.879997,18470000 +1973-03-26,108.879997,110.400002,108.290001,109.839996,109.839996,14980000 +1973-03-27,109.949997,112.070000,109.949997,111.559998,111.559998,17500000 +1973-03-28,111.559998,112.470001,110.540001,111.620003,111.620003,15850000 +1973-03-29,111.620003,113.220001,111.070000,112.709999,112.709999,16050000 +1973-03-30,112.709999,112.870003,110.889999,111.519997,111.519997,13740000 +1973-04-02,111.519997,111.699997,109.680000,110.180000,110.180000,10640000 +1973-04-03,110.180000,110.349998,108.470001,109.239998,109.239998,12910000 +1973-04-04,109.239998,109.959999,108.099998,108.769997,108.769997,11890000 +1973-04-05,108.769997,109.150002,107.440002,108.519997,108.519997,12750000 +1973-04-06,108.519997,110.040001,108.220001,109.279999,109.279999,13890000 +1973-04-09,109.279999,111.239998,108.739998,110.860001,110.860001,13740000 +1973-04-10,110.919998,112.849998,110.919998,112.209999,112.209999,16770000 +1973-04-11,112.209999,113.269997,111.209999,112.680000,112.680000,14890000 +1973-04-12,112.680000,113.650002,111.830002,112.580002,112.580002,16360000 +1973-04-13,112.580002,112.910004,111.230003,112.080002,112.080002,14390000 +1973-04-16,112.080002,112.610001,110.910004,111.440002,111.440002,11350000 +1973-04-17,111.440002,111.809998,110.190002,110.940002,110.940002,12830000 +1973-04-18,110.940002,112.029999,109.989998,111.540001,111.540001,13890000 +1973-04-19,111.540001,112.930000,111.059998,112.169998,112.169998,14560000 +1973-04-23,112.169998,112.660004,110.910004,111.570000,111.570000,12580000 +1973-04-24,111.570000,111.889999,109.639999,109.989998,109.989998,13830000 +1973-04-25,109.820000,109.820000,107.790001,108.339996,108.339996,15960000 +1973-04-26,108.339996,109.660004,107.139999,108.889999,108.889999,16210000 +1973-04-27,108.889999,109.279999,106.760002,107.230003,107.230003,13730000 +1973-04-30,107.230003,107.900002,105.440002,106.970001,106.970001,14820000 +1973-05-01,106.970001,108.000000,105.339996,107.099998,107.099998,15380000 +1973-05-02,107.099998,109.059998,106.949997,108.430000,108.430000,14380000 +1973-05-03,108.430000,110.639999,106.809998,110.220001,110.220001,17760000 +1973-05-04,110.220001,111.989998,109.889999,111.000000,111.000000,19510000 +1973-05-07,111.000000,111.379997,109.680000,110.529999,110.529999,12500000 +1973-05-08,110.529999,111.720001,109.459999,111.250000,111.250000,13730000 +1973-05-09,111.250000,112.250000,109.970001,110.440002,110.440002,16050000 +1973-05-10,110.440002,110.860001,108.860001,109.540001,109.540001,13520000 +1973-05-11,109.489998,109.489998,107.699997,108.169998,108.169998,12980000 +1973-05-14,107.739998,107.739998,105.519997,105.900002,105.900002,13520000 +1973-05-15,105.900002,107.160004,104.120003,106.570000,106.570000,18530000 +1973-05-16,106.570000,107.610001,105.489998,106.430000,106.430000,13800000 +1973-05-17,106.430000,106.820000,105.150002,105.559998,105.559998,13060000 +1973-05-18,105.410004,105.410004,103.180000,103.860001,103.860001,17080000 +1973-05-21,103.769997,103.769997,101.360001,102.730003,102.730003,20690000 +1973-05-22,102.730003,105.040001,102.580002,103.580002,103.580002,18020000 +1973-05-23,103.580002,105.099998,102.820000,104.070000,104.070000,14950000 +1973-05-24,104.070000,107.440002,103.589996,107.139999,107.139999,17310000 +1973-05-25,107.139999,108.860001,106.080002,107.940002,107.940002,19270000 +1973-05-29,107.940002,108.580002,106.769997,107.510002,107.510002,11300000 +1973-05-30,107.510002,107.639999,105.480003,105.910004,105.910004,11730000 +1973-05-31,105.910004,106.300003,104.349998,104.949997,104.949997,12190000 +1973-06-01,104.949997,105.040001,103.309998,103.930000,103.930000,10410000 +1973-06-04,103.930000,103.980003,102.330002,102.970001,102.970001,11230000 +1973-06-05,102.970001,105.269997,102.610001,104.620003,104.620003,14080000 +1973-06-06,104.620003,105.779999,103.599998,104.309998,104.309998,13080000 +1973-06-07,104.309998,106.389999,104.190002,105.839996,105.839996,14160000 +1973-06-08,105.839996,107.750000,105.599998,107.029999,107.029999,14050000 +1973-06-11,107.029999,107.790001,106.110001,106.699997,106.699997,9940000 +1973-06-12,106.699997,108.779999,106.400002,108.290001,108.290001,13840000 +1973-06-13,108.290001,109.519997,107.080002,107.599998,107.599998,15700000 +1973-06-14,107.599998,108.269997,105.830002,106.400002,106.400002,13210000 +1973-06-15,106.209999,106.209999,104.370003,105.099998,105.099998,11970000 +1973-06-18,104.959999,104.959999,103.080002,103.599998,103.599998,11460000 +1973-06-19,103.599998,104.959999,102.459999,103.989998,103.989998,12970000 +1973-06-20,103.989998,105.129997,103.510002,104.440002,104.440002,10600000 +1973-06-21,104.440002,104.769997,102.839996,103.209999,103.209999,11630000 +1973-06-22,103.209999,105.660004,103.070000,103.699997,103.699997,18470000 +1973-06-25,103.639999,103.639999,101.709999,102.250000,102.250000,11670000 +1973-06-26,102.250000,103.779999,101.449997,103.300003,103.300003,14040000 +1973-06-27,103.300003,104.230003,102.290001,103.620003,103.620003,12660000 +1973-06-28,103.620003,105.169998,103.180000,104.690002,104.690002,12760000 +1973-06-29,104.690002,105.300003,103.680000,104.260002,104.260002,10770000 +1973-07-02,104.099998,104.099998,102.440002,102.900002,102.900002,9830000 +1973-07-03,102.900002,103.019997,101.139999,101.870003,101.870003,10560000 +1973-07-05,101.870003,102.480003,100.800003,101.779999,101.779999,10500000 +1973-07-06,101.779999,102.220001,100.669998,101.279999,101.279999,9980000 +1973-07-09,101.279999,102.449997,100.440002,102.139999,102.139999,11560000 +1973-07-10,102.260002,104.199997,102.260002,103.519997,103.519997,15090000 +1973-07-11,103.639999,106.209999,103.639999,105.800003,105.800003,18730000 +1973-07-12,105.800003,106.620003,104.379997,105.500000,105.500000,16400000 +1973-07-13,105.500000,105.800003,103.660004,104.089996,104.089996,11390000 +1973-07-16,104.089996,106.010002,103.419998,105.669998,105.669998,12920000 +1973-07-17,105.669998,107.279999,104.989998,105.720001,105.720001,18750000 +1973-07-18,105.720001,107.050003,104.730003,106.349998,106.349998,17020000 +1973-07-19,106.349998,107.580002,105.059998,106.550003,106.550003,18650000 +1973-07-20,106.550003,108.019997,105.949997,107.139999,107.139999,16300000 +1973-07-23,107.139999,108.419998,106.540001,107.519997,107.519997,15580000 +1973-07-24,107.519997,108.629997,106.309998,108.139999,108.139999,16280000 +1973-07-25,108.139999,110.760002,107.919998,109.639999,109.639999,22220000 +1973-07-26,109.639999,111.040001,108.510002,109.849998,109.849998,18410000 +1973-07-27,109.849998,110.489998,108.699997,109.589996,109.589996,12910000 +1973-07-30,109.589996,110.120003,108.239998,109.250000,109.250000,11170000 +1973-07-31,109.250000,110.089996,107.889999,108.220001,108.220001,13530000 +1973-08-01,108.169998,108.169998,106.290001,106.830002,106.830002,13530000 +1973-08-02,106.830002,107.379997,105.510002,106.669998,106.669998,16080000 +1973-08-03,106.669998,107.169998,105.680000,106.489998,106.489998,9940000 +1973-08-06,106.489998,107.540001,105.449997,106.730003,106.730003,12320000 +1973-08-07,106.730003,107.570000,105.870003,106.550003,106.550003,13510000 +1973-08-08,106.550003,106.730003,105.040001,105.550003,105.550003,12440000 +1973-08-09,105.550003,106.650002,104.889999,105.610001,105.610001,12880000 +1973-08-10,105.610001,106.029999,104.209999,104.769997,104.769997,10870000 +1973-08-13,104.769997,104.830002,103.129997,103.709999,103.709999,11330000 +1973-08-14,103.709999,104.290001,102.339996,102.709999,102.709999,11740000 +1973-08-15,102.709999,103.790001,101.919998,103.010002,103.010002,12040000 +1973-08-16,103.010002,103.970001,101.849998,102.290001,102.290001,12990000 +1973-08-17,102.290001,102.980003,101.379997,102.309998,102.309998,11110000 +1973-08-20,102.309998,102.540001,101.110001,101.610001,101.610001,8970000 +1973-08-21,101.610001,102.099998,100.510002,100.889999,100.889999,11480000 +1973-08-22,100.889999,101.389999,99.739998,100.529999,100.529999,10770000 +1973-08-23,100.620003,102.500000,100.620003,101.910004,101.910004,11390000 +1973-08-24,101.910004,102.650002,100.879997,101.620003,101.620003,11200000 +1973-08-27,101.620003,102.820000,101.089996,102.419998,102.419998,9740000 +1973-08-28,102.419998,103.660004,102.059998,103.019997,103.019997,11810000 +1973-08-29,103.019997,104.919998,102.690002,104.029999,104.029999,15690000 +1973-08-30,104.029999,104.839996,103.290001,103.879997,103.879997,12100000 +1973-08-31,103.879997,104.720001,103.150002,104.250000,104.250000,10530000 +1973-09-04,104.250000,105.349998,103.599998,104.510002,104.510002,14210000 +1973-09-05,104.510002,105.330002,103.599998,104.639999,104.639999,14580000 +1973-09-06,104.639999,105.949997,104.050003,105.150002,105.150002,15670000 +1973-09-07,105.150002,105.870003,104.040001,104.760002,104.760002,14930000 +1973-09-10,104.760002,105.120003,103.330002,103.849998,103.849998,11620000 +1973-09-11,103.849998,104.089996,102.129997,103.220001,103.220001,12690000 +1973-09-12,103.220001,103.980003,102.150002,103.059998,103.059998,12040000 +1973-09-13,103.059998,104.089996,102.370003,103.360001,103.360001,11670000 +1973-09-14,103.360001,104.750000,102.660004,104.440002,104.440002,13760000 +1973-09-17,104.440002,105.410004,103.209999,104.150002,104.150002,15100000 +1973-09-18,104.150002,104.620003,102.410004,103.769997,103.769997,16400000 +1973-09-19,103.800003,106.430000,103.800003,105.879997,105.879997,24570000 +1973-09-20,105.879997,107.550003,105.320000,106.760002,106.760002,25960000 +1973-09-21,106.760002,108.019997,105.430000,107.199997,107.199997,23760000 +1973-09-24,107.199997,108.360001,106.209999,107.360001,107.360001,19490000 +1973-09-25,107.360001,108.790001,106.500000,108.050003,108.050003,21530000 +1973-09-26,108.050003,109.610001,107.430000,108.830002,108.830002,21130000 +1973-09-27,108.830002,110.449997,108.019997,109.080002,109.080002,23660000 +1973-09-28,109.080002,109.419998,107.480003,108.430000,108.430000,16300000 +1973-10-01,108.430000,108.980003,107.080002,108.209999,108.209999,15830000 +1973-10-02,108.209999,109.459999,107.480003,108.790001,108.790001,20770000 +1973-10-03,108.790001,109.949997,107.739998,108.779999,108.779999,22040000 +1973-10-04,108.779999,109.529999,107.300003,108.410004,108.410004,19730000 +1973-10-05,108.410004,110.459999,107.760002,109.849998,109.849998,18820000 +1973-10-08,109.849998,110.930000,108.019997,110.230003,110.230003,18990000 +1973-10-09,110.230003,111.190002,109.050003,110.129997,110.129997,19440000 +1973-10-10,110.129997,111.309998,108.510002,109.220001,109.220001,19010000 +1973-10-11,109.220001,111.769997,108.959999,111.089996,111.089996,20740000 +1973-10-12,111.089996,112.820000,110.519997,111.440002,111.440002,22730000 +1973-10-15,111.320000,111.320000,109.290001,110.050003,110.050003,16160000 +1973-10-16,110.050003,110.800003,108.500000,110.190002,110.190002,18780000 +1973-10-17,110.190002,111.410004,109.190002,109.970001,109.970001,18600000 +1973-10-18,109.970001,111.430000,108.970001,110.010002,110.010002,19210000 +1973-10-19,110.010002,111.559998,109.300003,110.220001,110.220001,17880000 +1973-10-22,110.220001,110.559998,108.180000,109.160004,109.160004,14290000 +1973-10-23,109.160004,110.910004,107.400002,109.750000,109.750000,17230000 +1973-10-24,109.750000,110.980003,109.029999,110.269997,110.269997,15840000 +1973-10-25,110.269997,111.330002,108.849998,110.500000,110.500000,15580000 +1973-10-26,110.500000,112.309998,110.080002,111.379997,111.379997,17800000 +1973-10-29,111.379997,112.559998,110.519997,111.150002,111.150002,17960000 +1973-10-30,111.150002,111.300003,108.949997,109.330002,109.330002,17580000 +1973-10-31,109.330002,109.820000,107.639999,108.290001,108.290001,17890000 +1973-11-01,108.290001,109.199997,106.879997,107.690002,107.690002,16920000 +1973-11-02,107.690002,108.349998,106.330002,107.070000,107.070000,16340000 +1973-11-05,106.970001,106.970001,104.870003,105.519997,105.519997,17150000 +1973-11-06,105.519997,107.000000,104.519997,104.959999,104.959999,16430000 +1973-11-07,104.959999,106.720001,104.529999,105.800003,105.800003,16570000 +1973-11-08,106.099998,108.449997,106.099998,107.019997,107.019997,19650000 +1973-11-09,107.019997,107.269997,104.769997,105.300003,105.300003,17320000 +1973-11-12,105.300003,105.750000,103.120003,104.440002,104.440002,19250000 +1973-11-13,104.440002,105.419998,102.910004,104.360001,104.360001,20310000 +1973-11-14,104.360001,105.250000,101.870003,102.449997,102.449997,22710000 +1973-11-15,102.449997,103.849998,100.690002,102.430000,102.430000,24530000 +1973-11-16,102.430000,105.410004,101.769997,103.879997,103.879997,22510000 +1973-11-19,103.650002,103.650002,100.370003,100.709999,100.709999,16700000 +1973-11-20,100.650002,100.650002,97.639999,98.660004,98.660004,23960000 +1973-11-21,98.660004,101.330002,97.870003,99.760002,99.760002,24260000 +1973-11-23,99.760002,100.489998,98.589996,99.440002,99.440002,11470000 +1973-11-26,98.639999,98.639999,95.790001,96.580002,96.580002,19830000 +1973-11-27,96.580002,97.699997,94.879997,95.699997,95.699997,19750000 +1973-11-28,95.699997,98.400002,95.220001,97.650002,97.650002,19990000 +1973-11-29,97.650002,98.720001,96.010002,97.309998,97.309998,18870000 +1973-11-30,97.309998,97.550003,95.400002,95.959999,95.959999,15380000 +1973-12-03,95.830002,95.830002,92.919998,93.900002,93.900002,17900000 +1973-12-04,93.900002,95.230003,92.599998,93.589996,93.589996,19030000 +1973-12-05,93.589996,93.930000,91.550003,92.160004,92.160004,19180000 +1973-12-06,92.160004,94.889999,91.680000,94.419998,94.419998,23260000 +1973-12-07,94.489998,97.580002,94.489998,96.510002,96.510002,23230000 +1973-12-10,96.510002,98.580002,95.440002,97.949997,97.949997,18590000 +1973-12-11,97.949997,99.089996,95.620003,96.040001,96.040001,20100000 +1973-12-12,95.519997,95.519997,92.900002,93.570000,93.570000,18190000 +1973-12-13,93.570000,94.680000,91.639999,92.379997,92.379997,18130000 +1973-12-14,92.379997,94.529999,91.050003,93.290001,93.290001,20000000 +1973-12-17,93.290001,94.000000,91.870003,92.750000,92.750000,12930000 +1973-12-18,92.750000,95.410004,92.180000,94.739998,94.739998,19490000 +1973-12-19,94.739998,96.830002,93.809998,94.820000,94.820000,20670000 +1973-12-20,94.820000,96.260002,93.510002,94.550003,94.550003,17340000 +1973-12-21,94.550003,95.110001,92.699997,93.540001,93.540001,18680000 +1973-12-24,93.540001,93.769997,91.680000,92.900002,92.900002,11540000 +1973-12-26,93.870003,96.519997,93.870003,95.739998,95.739998,18620000 +1973-12-27,96.000000,98.529999,96.000000,97.739998,97.739998,22720000 +1973-12-28,97.739998,98.760002,96.410004,97.540001,97.540001,21310000 +1973-12-31,97.540001,98.300003,95.949997,97.550003,97.550003,23470000 +1974-01-02,97.550003,98.379997,96.250000,97.680000,97.680000,12060000 +1974-01-03,98.019997,100.940002,98.019997,99.800003,99.800003,24850000 +1974-01-04,99.800003,100.699997,97.699997,98.900002,98.900002,21700000 +1974-01-07,98.900002,99.309998,96.860001,98.070000,98.070000,19070000 +1974-01-08,98.070000,98.260002,95.580002,96.120003,96.120003,18080000 +1974-01-09,95.400002,95.400002,92.629997,93.419998,93.419998,18070000 +1974-01-10,93.419998,94.629997,91.620003,92.389999,92.389999,16120000 +1974-01-11,92.389999,94.570000,91.750000,93.660004,93.660004,15140000 +1974-01-14,93.660004,95.239998,92.349998,93.419998,93.419998,14610000 +1974-01-15,93.419998,95.260002,92.839996,94.230003,94.230003,13250000 +1974-01-16,94.230003,96.199997,93.779999,95.669998,95.669998,14930000 +1974-01-17,95.669998,98.349998,95.669998,97.300003,97.300003,21040000 +1974-01-18,97.300003,97.629997,95.000000,95.559998,95.559998,16470000 +1974-01-21,95.559998,95.959999,93.230003,95.400002,95.400002,15630000 +1974-01-22,95.400002,97.410004,94.919998,96.550003,96.550003,17330000 +1974-01-23,96.550003,98.110001,95.879997,97.070000,97.070000,16890000 +1974-01-24,97.070000,97.750000,95.489998,96.820000,96.820000,15980000 +1974-01-25,96.820000,97.639999,95.680000,96.629997,96.629997,14860000 +1974-01-28,96.629997,97.320000,95.370003,96.089996,96.089996,13410000 +1974-01-29,96.089996,96.809998,94.970001,96.010002,96.010002,12850000 +1974-01-30,96.019997,97.900002,96.019997,97.059998,97.059998,16790000 +1974-01-31,97.059998,98.059998,96.110001,96.570000,96.570000,14020000 +1974-02-01,96.570000,96.629997,94.660004,95.320000,95.320000,12480000 +1974-02-04,94.889999,94.889999,92.739998,93.290001,93.290001,14380000 +1974-02-05,93.290001,94.169998,92.260002,93.000000,93.000000,12820000 +1974-02-06,93.000000,94.089996,92.370003,93.260002,93.260002,11610000 +1974-02-07,93.260002,94.089996,92.430000,93.300003,93.300003,11750000 +1974-02-08,93.300003,93.790001,91.870003,92.330002,92.330002,12990000 +1974-02-11,92.330002,92.540001,90.260002,90.660004,90.660004,12930000 +1974-02-12,90.660004,91.599998,89.529999,90.940002,90.940002,12920000 +1974-02-13,90.940002,92.129997,90.370003,90.980003,90.980003,10990000 +1974-02-14,90.980003,91.889999,90.169998,90.949997,90.949997,12230000 +1974-02-15,90.949997,92.980003,90.620003,92.269997,92.269997,12640000 +1974-02-19,92.269997,94.440002,91.680000,92.120003,92.120003,15940000 +1974-02-20,92.120003,93.919998,91.339996,93.440002,93.440002,11670000 +1974-02-21,93.440002,95.190002,93.199997,94.709999,94.709999,13930000 +1974-02-22,94.709999,96.190002,94.080002,95.389999,95.389999,16360000 +1974-02-25,95.389999,95.959999,94.239998,95.029999,95.029999,12900000 +1974-02-26,95.029999,96.379997,94.199997,96.000000,96.000000,15860000 +1974-02-27,96.000000,97.430000,95.489998,96.400002,96.400002,18730000 +1974-02-28,96.400002,96.980003,95.199997,96.220001,96.220001,13680000 +1974-03-01,96.220001,96.400002,94.809998,95.529999,95.529999,12880000 +1974-03-04,95.529999,95.949997,94.190002,95.529999,95.529999,12270000 +1974-03-05,95.980003,98.169998,95.980003,97.320000,97.320000,21980000 +1974-03-06,97.320000,98.570000,96.540001,97.980003,97.980003,19140000 +1974-03-07,97.980003,98.199997,96.370003,96.940002,96.940002,14500000 +1974-03-08,96.940002,98.279999,95.769997,97.779999,97.779999,16210000 +1974-03-11,97.779999,99.400002,96.379997,98.879997,98.879997,18470000 +1974-03-12,98.879997,100.019997,97.970001,99.150002,99.150002,17250000 +1974-03-13,99.150002,100.730003,98.720001,99.739998,99.739998,16820000 +1974-03-14,99.739998,101.050003,98.800003,99.650002,99.650002,19770000 +1974-03-15,99.650002,99.989998,98.220001,99.279999,99.279999,14500000 +1974-03-18,99.279999,99.709999,97.620003,98.050003,98.050003,14010000 +1974-03-19,98.050003,98.199997,96.629997,97.230003,97.230003,12800000 +1974-03-20,97.230003,98.220001,96.669998,97.570000,97.570000,12960000 +1974-03-21,97.570000,98.589996,96.820000,97.339996,97.339996,12950000 +1974-03-22,97.339996,98.040001,96.349998,97.269997,97.269997,11930000 +1974-03-25,97.269997,98.019997,95.690002,97.639999,97.639999,10540000 +1974-03-26,97.639999,98.660004,97.110001,97.949997,97.949997,11840000 +1974-03-27,97.949997,98.260002,96.320000,96.589996,96.589996,11690000 +1974-03-28,96.199997,96.199997,94.360001,94.820000,94.820000,14940000 +1974-03-29,94.820000,95.120003,93.440002,93.980003,93.980003,12150000 +1974-04-01,93.980003,94.680000,92.820000,93.250000,93.250000,11470000 +1974-04-02,93.250000,94.150002,92.589996,93.349998,93.349998,12010000 +1974-04-03,93.349998,94.699997,92.940002,94.330002,94.330002,11500000 +1974-04-04,94.330002,95.139999,93.550003,94.330002,94.330002,11650000 +1974-04-05,94.239998,94.239998,92.550003,93.010002,93.010002,11670000 +1974-04-08,93.000000,93.000000,91.500000,92.029999,92.029999,10740000 +1974-04-09,92.029999,93.279999,91.610001,92.610001,92.610001,11330000 +1974-04-10,92.610001,93.519997,91.889999,92.400002,92.400002,11160000 +1974-04-11,92.400002,92.919998,91.550003,92.120003,92.120003,9970000 +1974-04-15,92.120003,92.940002,91.489998,92.050003,92.050003,10130000 +1974-04-16,92.050003,94.059998,92.050003,93.660004,93.660004,14530000 +1974-04-17,93.660004,95.040001,93.120003,94.360001,94.360001,14020000 +1974-04-18,94.360001,95.419998,93.750000,94.779999,94.779999,12470000 +1974-04-19,94.769997,94.769997,93.199997,93.750000,93.750000,10710000 +1974-04-22,93.750000,94.120003,92.709999,93.379997,93.379997,10520000 +1974-04-23,93.379997,93.510002,91.529999,91.809998,91.809998,14110000 +1974-04-24,91.809998,91.820000,89.910004,90.300003,90.300003,16010000 +1974-04-25,90.300003,90.529999,88.620003,89.570000,89.570000,15870000 +1974-04-26,89.570000,91.099998,89.059998,90.180000,90.180000,13250000 +1974-04-29,90.180000,90.779999,89.019997,90.000000,90.000000,10170000 +1974-04-30,90.000000,91.089996,89.379997,90.309998,90.309998,10980000 +1974-05-01,90.309998,93.029999,89.820000,92.220001,92.220001,15120000 +1974-05-02,92.220001,93.589996,91.459999,92.089996,92.089996,13620000 +1974-05-03,92.089996,92.269997,90.589996,91.290001,91.290001,11080000 +1974-05-06,91.290001,91.599998,90.129997,91.120003,91.120003,9450000 +1974-05-07,91.120003,92.360001,90.690002,91.459999,91.459999,10710000 +1974-05-08,91.459999,92.339996,90.709999,91.639999,91.639999,11850000 +1974-05-09,91.639999,93.489998,91.269997,92.959999,92.959999,14710000 +1974-05-10,92.959999,93.570000,91.029999,91.470001,91.470001,15270000 +1974-05-13,91.470001,91.720001,89.910004,90.660004,90.660004,11290000 +1974-05-14,90.660004,91.680000,90.050003,90.690002,90.690002,10880000 +1974-05-15,90.690002,91.220001,89.650002,90.449997,90.449997,11240000 +1974-05-16,90.449997,91.309998,89.360001,89.720001,89.720001,12090000 +1974-05-17,89.529999,89.529999,87.669998,88.209999,88.209999,13870000 +1974-05-20,88.209999,89.089996,87.190002,87.860001,87.860001,10550000 +1974-05-21,87.860001,88.980003,87.190002,87.910004,87.910004,12190000 +1974-05-22,87.910004,88.790001,86.720001,87.089996,87.089996,15450000 +1974-05-23,87.089996,87.980003,86.120003,87.290001,87.290001,14770000 +1974-05-24,87.290001,89.269997,87.199997,88.580002,88.580002,13740000 +1974-05-28,88.580002,89.370003,87.690002,88.370003,88.370003,10580000 +1974-05-29,88.370003,88.839996,86.519997,86.889999,86.889999,12300000 +1974-05-30,86.889999,88.089996,85.870003,87.430000,87.430000,13580000 +1974-05-31,87.430000,88.019997,86.190002,87.279999,87.279999,10810000 +1974-06-03,87.279999,89.400002,86.779999,89.099998,89.099998,12490000 +1974-06-04,89.099998,91.129997,89.089996,90.139999,90.139999,16040000 +1974-06-05,90.139999,91.419998,89.040001,90.309998,90.309998,13680000 +1974-06-06,90.309998,92.309998,89.709999,91.959999,91.959999,13360000 +1974-06-07,91.959999,93.760002,91.739998,92.550003,92.550003,19020000 +1974-06-10,92.550003,93.639999,91.529999,93.099998,93.099998,13540000 +1974-06-11,93.099998,93.570000,91.760002,92.279999,92.279999,12380000 +1974-06-12,92.279999,92.610001,90.889999,92.059998,92.059998,11150000 +1974-06-13,92.059998,93.330002,91.480003,92.339996,92.339996,11540000 +1974-06-14,92.230003,92.230003,90.730003,91.300003,91.300003,10030000 +1974-06-17,91.300003,91.339996,89.629997,90.040001,90.040001,9680000 +1974-06-18,90.040001,90.529999,88.919998,89.449997,89.449997,10110000 +1974-06-19,89.449997,89.800003,88.389999,88.839996,88.839996,10550000 +1974-06-20,88.839996,89.349998,87.800003,88.209999,88.209999,11990000 +1974-06-21,88.209999,88.309998,86.769997,87.459999,87.459999,11830000 +1974-06-24,87.459999,88.379997,86.699997,87.690002,87.690002,9960000 +1974-06-25,87.690002,89.480003,87.669998,88.980003,88.980003,11920000 +1974-06-26,88.980003,89.120003,87.300003,87.610001,87.610001,11410000 +1974-06-27,87.610001,87.610001,85.879997,86.309998,86.309998,12650000 +1974-06-28,86.309998,86.779999,85.129997,86.000000,86.000000,12010000 +1974-07-01,86.000000,86.889999,85.320000,86.019997,86.019997,10270000 +1974-07-02,86.019997,86.260002,83.980003,84.300003,84.300003,13460000 +1974-07-03,84.300003,85.150002,83.459999,84.250000,84.250000,13430000 +1974-07-05,84.250000,84.449997,83.169998,83.660004,83.660004,7400000 +1974-07-08,83.129997,83.129997,80.480003,81.089996,81.089996,15510000 +1974-07-09,81.089996,82.500000,80.349998,81.480003,81.480003,15580000 +1974-07-10,81.480003,82.220001,79.739998,79.989998,79.989998,13490000 +1974-07-11,79.989998,81.080002,79.080002,79.889999,79.889999,14640000 +1974-07-12,80.970001,83.650002,80.970001,83.150002,83.150002,17770000 +1974-07-15,83.150002,84.889999,82.650002,83.779999,83.779999,13560000 +1974-07-16,83.779999,83.849998,82.139999,82.809998,82.809998,9920000 +1974-07-17,82.809998,84.129997,81.699997,83.699997,83.699997,11320000 +1974-07-18,83.699997,85.389999,83.129997,83.779999,83.779999,13980000 +1974-07-19,83.779999,84.669998,82.870003,83.540001,83.540001,11080000 +1974-07-22,83.540001,84.440002,82.589996,83.809998,83.809998,9290000 +1974-07-23,83.809998,85.629997,83.669998,84.650002,84.650002,12910000 +1974-07-24,84.650002,85.639999,83.610001,84.989998,84.989998,12870000 +1974-07-25,84.989998,85.669998,83.129997,83.980003,83.980003,13310000 +1974-07-26,83.980003,84.169998,82.000000,82.400002,82.400002,10420000 +1974-07-29,82.019997,82.019997,80.220001,80.940002,80.940002,11560000 +1974-07-30,80.940002,81.519997,79.580002,80.500000,80.500000,11360000 +1974-07-31,80.500000,80.820000,78.959999,79.309998,79.309998,10960000 +1974-08-01,79.309998,80.019997,77.970001,78.750000,78.750000,11470000 +1974-08-02,78.750000,79.389999,77.839996,78.589996,78.589996,10110000 +1974-08-05,78.589996,80.309998,78.029999,79.290001,79.290001,11230000 +1974-08-06,79.779999,82.650002,79.779999,80.519997,80.519997,15770000 +1974-08-07,80.519997,82.930000,80.129997,82.650002,82.650002,13380000 +1974-08-08,82.650002,83.529999,80.860001,81.570000,81.570000,16060000 +1974-08-09,81.570000,81.879997,80.110001,80.860001,80.860001,10160000 +1974-08-12,80.860001,81.260002,79.300003,79.750000,79.750000,7780000 +1974-08-13,79.750000,79.949997,77.830002,78.489998,78.489998,10140000 +1974-08-14,76.730003,76.730003,76.730003,76.730003,76.730003,11750000 +1974-08-15,76.730003,77.519997,75.190002,76.300003,76.300003,11130000 +1974-08-16,76.300003,77.019997,75.290001,75.669998,75.669998,10510000 +1974-08-19,75.650002,75.650002,73.779999,74.570000,74.570000,11670000 +1974-08-20,74.570000,76.110001,73.820000,74.949997,74.949997,13820000 +1974-08-21,74.949997,75.500000,73.160004,73.510002,73.510002,11650000 +1974-08-22,73.510002,74.050003,71.610001,72.800003,72.800003,15690000 +1974-08-23,72.800003,73.709999,70.750000,71.550003,71.550003,13590000 +1974-08-26,71.550003,73.169998,70.419998,72.160004,72.160004,14630000 +1974-08-27,72.160004,72.500000,70.500000,70.940002,70.940002,12970000 +1974-08-28,70.940002,72.169998,70.129997,70.760002,70.760002,16670000 +1974-08-29,70.760002,71.220001,69.370003,69.989998,69.989998,13690000 +1974-08-30,70.220001,72.680000,70.220001,72.150002,72.150002,16230000 +1974-09-03,72.150002,73.010002,70.279999,70.519997,70.519997,12750000 +1974-09-04,69.849998,69.849998,67.639999,68.690002,68.690002,16930000 +1974-09-05,68.690002,71.300003,68.650002,70.870003,70.870003,14210000 +1974-09-06,70.870003,72.419998,70.080002,71.419998,71.419998,15130000 +1974-09-09,71.349998,71.349998,69.379997,69.720001,69.720001,11160000 +1974-09-10,69.720001,70.470001,68.550003,69.239998,69.239998,11980000 +1974-09-11,69.239998,70.000000,68.220001,68.550003,68.550003,11820000 +1974-09-12,68.540001,68.540001,66.220001,66.709999,66.709999,16920000 +1974-09-13,66.709999,66.910004,64.739998,65.199997,65.199997,16070000 +1974-09-16,65.199997,66.919998,64.150002,66.260002,66.260002,18370000 +1974-09-17,66.449997,68.839996,66.449997,67.379997,67.379997,13730000 +1974-09-18,67.379997,68.139999,65.919998,67.720001,67.720001,11760000 +1974-09-19,68.360001,70.760002,68.360001,70.089996,70.089996,17000000 +1974-09-20,70.089996,71.120003,68.620003,70.139999,70.139999,16250000 +1974-09-23,70.139999,71.019997,68.790001,69.419998,69.419998,12130000 +1974-09-24,69.029999,69.029999,67.419998,68.019997,68.019997,9840000 +1974-09-25,68.019997,69.769997,66.860001,67.570000,67.570000,17620000 +1974-09-26,67.400002,67.400002,65.790001,66.459999,66.459999,9060000 +1974-09-27,66.459999,67.089996,64.580002,64.940002,64.940002,12320000 +1974-09-30,64.849998,64.849998,62.520000,63.540001,63.540001,15000000 +1974-10-01,63.540001,64.370003,61.750000,63.389999,63.389999,16890000 +1974-10-02,63.389999,64.620003,62.740002,63.380001,63.380001,12230000 +1974-10-03,63.380001,63.480000,61.660000,62.279999,62.279999,13150000 +1974-10-04,62.279999,63.230000,60.959999,62.340000,62.340000,15910000 +1974-10-07,62.779999,65.400002,62.779999,64.949997,64.949997,15000000 +1974-10-08,64.949997,66.070000,63.950001,64.839996,64.839996,15460000 +1974-10-09,64.839996,68.150002,63.740002,67.820000,67.820000,18820000 +1974-10-10,68.300003,71.480003,68.300003,69.790001,69.790001,26360000 +1974-10-11,69.790001,71.989998,68.800003,71.139999,71.139999,20090000 +1974-10-14,71.169998,74.430000,71.169998,72.739998,72.739998,19770000 +1974-10-15,72.739998,73.349998,70.610001,71.440002,71.440002,17390000 +1974-10-16,71.440002,71.980003,69.540001,70.330002,70.330002,14790000 +1974-10-17,70.330002,72.000000,69.410004,71.169998,71.169998,14470000 +1974-10-18,71.199997,73.339996,71.199997,72.279999,72.279999,16460000 +1974-10-21,72.279999,73.919998,71.239998,73.500000,73.500000,14500000 +1974-10-22,73.500000,75.089996,72.550003,73.129997,73.129997,18930000 +1974-10-23,72.809998,72.809998,70.400002,71.029999,71.029999,14200000 +1974-10-24,70.980003,70.980003,68.800003,70.220001,70.220001,14910000 +1974-10-25,70.220001,71.589996,69.459999,70.120003,70.120003,12650000 +1974-10-28,70.120003,70.669998,68.889999,70.089996,70.089996,10540000 +1974-10-29,70.489998,73.190002,70.489998,72.830002,72.830002,15610000 +1974-10-30,72.830002,75.449997,72.400002,74.309998,74.309998,20130000 +1974-10-31,74.309998,75.900002,73.150002,73.900002,73.900002,18840000 +1974-11-01,73.900002,74.849998,72.680000,73.879997,73.879997,13470000 +1974-11-04,73.800003,73.800003,71.930000,73.080002,73.080002,12740000 +1974-11-05,73.080002,75.360001,72.489998,75.110001,75.110001,15960000 +1974-11-06,75.110001,77.410004,74.230003,74.750000,74.750000,23930000 +1974-11-07,74.750000,76.300003,73.849998,75.209999,75.209999,17150000 +1974-11-08,75.209999,76.000000,74.010002,74.910004,74.910004,15890000 +1974-11-11,74.910004,75.699997,74.040001,75.150002,75.150002,13220000 +1974-11-12,75.150002,75.589996,73.339996,73.669998,73.669998,15040000 +1974-11-13,73.669998,74.250000,72.320000,73.349998,73.349998,16040000 +1974-11-14,73.349998,74.540001,72.529999,73.059998,73.059998,13540000 +1974-11-15,73.059998,73.269997,71.410004,71.910004,71.910004,12480000 +1974-11-18,71.099998,71.099998,68.949997,69.269997,69.269997,15230000 +1974-11-19,69.269997,69.709999,67.660004,68.199997,68.199997,15720000 +1974-11-20,68.199997,69.250000,67.360001,67.900002,67.900002,12430000 +1974-11-21,67.900002,68.940002,66.849998,68.180000,68.180000,13820000 +1974-11-22,68.239998,70.000000,68.239998,68.900002,68.900002,13020000 +1974-11-25,68.900002,69.680000,67.790001,68.830002,68.830002,11300000 +1974-11-26,68.830002,70.360001,68.190002,69.470001,69.470001,13600000 +1974-11-27,69.470001,71.309998,69.169998,69.940002,69.940002,14810000 +1974-11-29,69.940002,70.489998,69.180000,69.970001,69.970001,7400000 +1974-12-02,69.800003,69.800003,67.809998,68.110001,68.110001,11140000 +1974-12-03,68.110001,68.129997,66.620003,67.169998,67.169998,13620000 +1974-12-04,67.169998,68.320000,66.610001,67.410004,67.410004,12580000 +1974-12-05,67.410004,68.000000,65.900002,66.129997,66.129997,12890000 +1974-12-06,66.129997,66.199997,64.400002,65.010002,65.010002,15500000 +1974-12-09,65.010002,66.290001,64.129997,65.599998,65.599998,14660000 +1974-12-10,65.879997,68.169998,65.879997,67.279999,67.279999,15690000 +1974-12-11,67.279999,69.029999,66.830002,67.669998,67.669998,15700000 +1974-12-12,67.669998,68.610001,66.559998,67.449997,67.449997,15390000 +1974-12-13,67.449997,68.150002,66.320000,67.070000,67.070000,14000000 +1974-12-16,67.070000,67.739998,66.019997,66.459999,66.459999,15370000 +1974-12-17,66.459999,67.919998,65.860001,67.580002,67.580002,16880000 +1974-12-18,67.580002,69.010002,67.300003,67.900002,67.900002,18050000 +1974-12-19,67.900002,68.620003,66.930000,67.650002,67.650002,15900000 +1974-12-20,67.650002,67.930000,66.360001,66.910004,66.910004,15840000 +1974-12-23,66.910004,67.180000,65.339996,65.959999,65.959999,18040000 +1974-12-24,65.959999,67.250000,65.860001,66.879997,66.879997,9540000 +1974-12-26,66.879997,68.190002,66.620003,67.440002,67.440002,11810000 +1974-12-27,67.440002,67.989998,66.489998,67.139999,67.139999,13060000 +1974-12-30,67.139999,67.650002,66.230003,67.160004,67.160004,18520000 +1974-12-31,67.160004,69.040001,67.150002,68.559998,68.559998,20970000 +1975-01-02,68.650002,70.919998,68.650002,70.230003,70.230003,14800000 +1975-01-03,70.230003,71.639999,69.290001,70.709999,70.709999,15270000 +1975-01-06,70.709999,72.239998,70.330002,71.070000,71.070000,17550000 +1975-01-07,71.070000,71.750000,69.919998,71.019997,71.019997,14890000 +1975-01-08,71.019997,71.529999,69.650002,70.040001,70.040001,15600000 +1975-01-09,70.040001,71.419998,69.040001,71.169998,71.169998,16340000 +1975-01-10,71.599998,73.750000,71.599998,72.610001,72.610001,25890000 +1975-01-13,72.610001,73.809998,71.830002,72.309998,72.309998,19780000 +1975-01-14,72.309998,72.699997,71.019997,71.680000,71.680000,16610000 +1975-01-15,71.680000,72.769997,70.449997,72.139999,72.139999,16580000 +1975-01-16,72.139999,72.930000,71.260002,72.050003,72.050003,17110000 +1975-01-17,72.050003,72.360001,70.559998,70.959999,70.959999,14260000 +1975-01-20,70.959999,71.459999,69.800003,71.080002,71.080002,13450000 +1975-01-21,71.080002,72.040001,70.250000,70.699997,70.699997,14780000 +1975-01-22,70.699997,71.970001,69.860001,71.739998,71.739998,15330000 +1975-01-23,71.739998,73.110001,71.089996,72.070000,72.070000,17960000 +1975-01-24,72.070000,73.570000,71.550003,72.980003,72.980003,20670000 +1975-01-27,73.760002,76.029999,73.760002,75.370003,75.370003,32130000 +1975-01-28,75.370003,77.589996,75.360001,76.029999,76.029999,31760000 +1975-01-29,76.029999,78.029999,75.230003,77.260002,77.260002,27410000 +1975-01-30,77.260002,78.690002,75.820000,76.209999,76.209999,29740000 +1975-01-31,76.209999,77.720001,75.410004,76.980003,76.980003,24640000 +1975-02-03,76.980003,78.550003,76.360001,77.820000,77.820000,25400000 +1975-02-04,77.820000,78.370003,76.000000,77.610001,77.610001,25040000 +1975-02-05,77.610001,79.400002,76.809998,78.949997,78.949997,25830000 +1975-02-06,78.949997,80.720001,78.089996,78.559998,78.559998,32020000 +1975-02-07,78.559998,79.120003,77.000000,78.629997,78.629997,19060000 +1975-02-10,78.629997,79.400002,77.769997,78.360001,78.360001,16120000 +1975-02-11,78.360001,79.070000,77.379997,78.580002,78.580002,16470000 +1975-02-12,78.580002,80.209999,77.940002,79.919998,79.919998,19790000 +1975-02-13,79.980003,82.529999,79.980003,81.010002,81.010002,35160000 +1975-02-14,81.010002,82.330002,80.129997,81.500000,81.500000,23290000 +1975-02-18,81.500000,82.449997,80.160004,80.930000,80.930000,23990000 +1975-02-19,80.930000,81.940002,79.830002,81.440002,81.440002,21930000 +1975-02-20,81.440002,82.779999,80.820000,82.209999,82.209999,22260000 +1975-02-21,82.209999,83.559998,81.720001,82.620003,82.620003,24440000 +1975-02-24,82.620003,82.709999,80.870003,81.440002,81.440002,19150000 +1975-02-25,81.089996,81.089996,79.050003,79.529999,79.529999,20910000 +1975-02-26,79.529999,80.889999,78.910004,80.370003,80.370003,18790000 +1975-02-27,80.370003,81.639999,80.059998,80.769997,80.769997,16430000 +1975-02-28,80.769997,82.019997,80.070000,81.589996,81.589996,17560000 +1975-03-03,81.589996,83.459999,81.320000,83.029999,83.029999,24100000 +1975-03-04,83.029999,85.430000,82.849998,83.559998,83.559998,34140000 +1975-03-05,83.559998,84.709999,82.160004,83.900002,83.900002,24120000 +1975-03-06,83.900002,84.169998,81.940002,83.690002,83.690002,21780000 +1975-03-07,83.690002,85.139999,83.250000,84.300003,84.300003,25930000 +1975-03-10,84.300003,85.470001,83.430000,84.949997,84.949997,25890000 +1975-03-11,84.949997,85.889999,83.800003,84.360001,84.360001,31280000 +1975-03-12,84.360001,84.730003,82.870003,83.589996,83.589996,21560000 +1975-03-13,83.589996,84.260002,82.519997,83.739998,83.739998,18620000 +1975-03-14,83.739998,85.430000,83.500000,84.760002,84.760002,24840000 +1975-03-17,84.760002,86.519997,84.389999,86.010002,86.010002,26780000 +1975-03-18,86.010002,87.080002,84.750000,85.129997,85.129997,29180000 +1975-03-19,85.129997,85.169998,83.430000,84.339996,84.339996,19030000 +1975-03-20,84.339996,85.300003,83.019997,83.610001,83.610001,20960000 +1975-03-21,83.610001,84.110001,82.519997,83.389999,83.389999,15940000 +1975-03-24,82.389999,82.389999,80.599998,81.419998,81.419998,17810000 +1975-03-25,81.419998,82.669998,80.080002,82.059998,82.059998,18500000 +1975-03-26,82.160004,84.239998,82.160004,83.589996,83.589996,18580000 +1975-03-27,83.589996,84.879997,83.040001,83.849998,83.849998,18300000 +1975-03-31,83.849998,84.620003,82.839996,83.360001,83.360001,16270000 +1975-04-01,83.360001,83.589996,81.980003,82.639999,82.639999,14480000 +1975-04-02,82.639999,83.570000,81.800003,82.430000,82.430000,15600000 +1975-04-03,82.430000,82.839996,80.879997,81.510002,81.510002,13920000 +1975-04-04,81.510002,81.900002,80.290001,80.879997,80.879997,14170000 +1975-04-07,80.879997,81.110001,79.660004,80.349998,80.349998,13860000 +1975-04-08,80.349998,81.650002,80.129997,80.989998,80.989998,14320000 +1975-04-09,80.989998,83.220001,80.910004,82.839996,82.839996,18120000 +1975-04-10,82.839996,84.699997,82.680000,83.769997,83.769997,24990000 +1975-04-11,83.769997,84.680000,82.930000,84.180000,84.180000,20160000 +1975-04-14,84.180000,86.120003,83.980003,85.599998,85.599998,26800000 +1975-04-15,85.599998,87.239998,85.029999,86.300003,86.300003,29620000 +1975-04-16,86.300003,87.099998,84.930000,86.599998,86.599998,22970000 +1975-04-17,86.599998,88.790001,86.430000,87.250000,87.250000,32650000 +1975-04-18,87.250000,87.589996,85.529999,86.300003,86.300003,26610000 +1975-04-21,86.300003,87.989998,85.919998,87.230003,87.230003,23960000 +1975-04-22,87.230003,88.639999,86.580002,87.089996,87.089996,26120000 +1975-04-23,87.089996,87.419998,85.650002,86.120003,86.120003,20040000 +1975-04-24,86.120003,86.919998,85.000000,86.040001,86.040001,19050000 +1975-04-25,86.040001,87.500000,85.620003,86.620003,86.620003,20260000 +1975-04-28,86.620003,87.330002,85.540001,86.230003,86.230003,17850000 +1975-04-29,86.230003,86.790001,85.040001,85.639999,85.639999,17740000 +1975-04-30,85.639999,87.610001,85.000000,87.300003,87.300003,18060000 +1975-05-01,87.300003,89.099998,86.940002,88.099998,88.099998,20660000 +1975-05-02,88.099998,89.980003,87.910004,89.220001,89.220001,25210000 +1975-05-05,89.220001,90.820000,88.260002,90.080002,90.080002,22370000 +1975-05-06,90.080002,90.860001,88.150002,88.639999,88.639999,25410000 +1975-05-07,88.639999,89.750000,87.599998,89.080002,89.080002,22250000 +1975-05-08,89.080002,90.129997,88.230003,89.559998,89.559998,22980000 +1975-05-09,89.559998,91.239998,89.330002,90.529999,90.529999,28440000 +1975-05-12,90.529999,91.669998,89.910004,90.610001,90.610001,22410000 +1975-05-13,90.610001,92.260002,89.989998,91.580002,91.580002,24950000 +1975-05-14,91.580002,93.230003,91.169998,92.269997,92.269997,29050000 +1975-05-15,92.269997,93.510002,90.940002,91.410004,91.410004,27690000 +1975-05-16,91.410004,91.589996,89.739998,90.430000,90.430000,16630000 +1975-05-19,90.430000,91.070000,88.980003,90.529999,90.529999,17870000 +1975-05-20,90.529999,91.449997,89.580002,90.070000,90.070000,18310000 +1975-05-21,90.070000,90.250000,88.470001,89.059998,89.059998,17640000 +1975-05-22,89.059998,90.300003,88.349998,89.389999,89.389999,17610000 +1975-05-23,89.389999,91.019997,89.300003,90.580002,90.580002,17870000 +1975-05-27,90.580002,91.290001,89.599998,90.339996,90.339996,17050000 +1975-05-28,90.339996,91.139999,89.070000,89.709999,89.709999,21850000 +1975-05-29,89.709999,90.589996,88.830002,89.680000,89.680000,18570000 +1975-05-30,89.870003,91.620003,89.870003,91.150002,91.150002,22670000 +1975-06-02,91.320000,93.410004,91.320000,92.580002,92.580002,28240000 +1975-06-03,92.580002,93.760002,91.879997,92.889999,92.889999,26560000 +1975-06-04,92.889999,93.610001,91.820000,92.599998,92.599998,24900000 +1975-06-05,92.599998,93.160004,91.410004,92.690002,92.690002,21610000 +1975-06-06,92.690002,93.599998,91.750000,92.480003,92.480003,22230000 +1975-06-09,92.480003,92.870003,90.910004,91.209999,91.209999,20670000 +1975-06-10,91.209999,91.209999,89.459999,90.440002,90.440002,21130000 +1975-06-11,90.440002,91.669998,90.000000,90.550003,90.550003,18230000 +1975-06-12,90.550003,91.360001,89.639999,90.080002,90.080002,15970000 +1975-06-13,90.080002,91.059998,89.300003,90.519997,90.519997,16300000 +1975-06-16,90.519997,91.849998,90.120003,91.459999,91.459999,16660000 +1975-06-17,91.459999,92.220001,90.169998,90.580002,90.580002,19440000 +1975-06-18,90.580002,91.070000,89.599998,90.389999,90.389999,15590000 +1975-06-19,90.389999,92.370003,90.120003,92.019997,92.019997,21450000 +1975-06-20,92.019997,93.750000,91.830002,92.610001,92.610001,26260000 +1975-06-23,92.610001,93.980003,91.809998,93.620003,93.620003,20720000 +1975-06-24,93.620003,95.230003,93.309998,94.190002,94.190002,26620000 +1975-06-25,94.190002,95.290001,93.529999,94.620003,94.620003,21610000 +1975-06-26,94.620003,95.720001,93.879997,94.809998,94.809998,24560000 +1975-06-27,94.809998,95.660004,94.099998,94.809998,94.809998,18820000 +1975-06-30,94.809998,95.849998,94.300003,95.190002,95.190002,19430000 +1975-07-01,95.190002,95.730003,94.129997,94.849998,94.849998,20390000 +1975-07-02,94.849998,94.910004,93.370003,94.180000,94.180000,18530000 +1975-07-03,94.180000,95.040001,93.489998,94.360001,94.360001,19000000 +1975-07-07,94.360001,94.820000,93.160004,93.540001,93.540001,15850000 +1975-07-08,93.540001,94.029999,92.510002,93.389999,93.389999,18990000 +1975-07-09,93.389999,95.220001,93.379997,94.800003,94.800003,26350000 +1975-07-10,94.800003,96.190002,94.250000,94.809998,94.809998,28880000 +1975-07-11,94.809998,95.690002,93.830002,94.660004,94.660004,22210000 +1975-07-14,94.660004,95.760002,94.040001,95.190002,95.190002,21900000 +1975-07-15,95.190002,96.580002,94.709999,95.610001,95.610001,28340000 +1975-07-16,95.610001,96.370003,94.199997,94.610001,94.610001,25250000 +1975-07-17,94.610001,95.029999,92.989998,93.629997,93.629997,21420000 +1975-07-18,93.629997,93.959999,92.389999,93.199997,93.199997,16870000 +1975-07-21,93.199997,93.930000,92.029999,92.440002,92.440002,16690000 +1975-07-22,92.440002,92.489998,90.629997,91.449997,91.449997,20660000 +1975-07-23,91.449997,92.150002,89.830002,90.180000,90.180000,20150000 +1975-07-24,90.180000,90.949997,88.900002,90.070000,90.070000,20550000 +1975-07-25,90.070000,90.720001,88.720001,89.290001,89.290001,15110000 +1975-07-28,89.290001,89.680000,88.019997,88.690002,88.690002,14850000 +1975-07-29,88.690002,89.910004,87.709999,88.190002,88.190002,19000000 +1975-07-30,88.190002,89.489998,87.680000,88.830002,88.830002,16150000 +1975-07-31,88.830002,90.070000,88.309998,88.750000,88.750000,14540000 +1975-08-01,88.750000,89.040001,87.459999,87.989998,87.989998,13320000 +1975-08-04,87.989998,88.169998,86.680000,87.150002,87.150002,12620000 +1975-08-05,87.150002,87.809998,85.889999,86.230003,86.230003,15470000 +1975-08-06,86.230003,87.040001,85.339996,86.250000,86.250000,16280000 +1975-08-07,86.250000,87.239998,85.690002,86.300003,86.300003,12390000 +1975-08-08,86.300003,87.000000,85.519997,86.019997,86.019997,11660000 +1975-08-11,86.019997,86.889999,85.339996,86.550003,86.550003,12350000 +1975-08-12,86.550003,88.169998,86.489998,87.120003,87.120003,14510000 +1975-08-13,87.120003,87.410004,85.610001,85.970001,85.970001,12000000 +1975-08-14,85.970001,86.339996,85.019997,85.599998,85.599998,12460000 +1975-08-15,85.599998,86.760002,85.330002,86.360001,86.360001,10610000 +1975-08-18,86.360001,87.209999,85.760002,86.199997,86.199997,10810000 +1975-08-19,86.199997,86.470001,84.660004,84.949997,84.949997,14990000 +1975-08-20,84.779999,84.779999,82.760002,83.220001,83.220001,18630000 +1975-08-21,83.220001,84.150002,82.209999,83.070000,83.070000,16610000 +1975-08-22,83.070000,84.610001,82.790001,84.279999,84.279999,13050000 +1975-08-25,84.279999,85.580002,84.059998,85.059998,85.059998,11250000 +1975-08-26,85.059998,85.400002,83.650002,83.959999,83.959999,11350000 +1975-08-27,83.959999,84.790001,83.349998,84.430000,84.430000,11100000 +1975-08-28,84.680000,86.639999,84.680000,86.400002,86.400002,14530000 +1975-08-29,86.400002,87.730003,86.099998,86.879997,86.879997,15480000 +1975-09-02,86.879997,87.419998,85.209999,85.480003,85.480003,11460000 +1975-09-03,85.480003,86.379997,84.620003,86.029999,86.029999,12260000 +1975-09-04,86.029999,86.910004,85.290001,86.199997,86.199997,12810000 +1975-09-05,86.199997,86.489998,85.190002,85.620003,85.620003,11680000 +1975-09-08,85.620003,86.309998,84.889999,85.889999,85.889999,11500000 +1975-09-09,85.889999,86.730003,84.370003,84.599998,84.599998,15790000 +1975-09-10,84.589996,84.589996,83.000000,83.790001,83.790001,14780000 +1975-09-11,83.790001,84.300003,82.879997,83.449997,83.449997,11100000 +1975-09-12,83.449997,84.470001,82.839996,83.300003,83.300003,12230000 +1975-09-15,83.300003,83.489998,82.290001,82.879997,82.879997,8670000 +1975-09-16,82.879997,83.430000,81.790001,82.089996,82.089996,13090000 +1975-09-17,82.089996,82.930000,81.570000,82.370003,82.370003,12190000 +1975-09-18,82.370003,84.339996,82.230003,84.059998,84.059998,14560000 +1975-09-19,84.260002,86.389999,84.260002,85.879997,85.879997,20830000 +1975-09-22,85.879997,86.699997,84.699997,85.070000,85.070000,14750000 +1975-09-23,85.070000,85.510002,83.800003,84.940002,84.940002,12800000 +1975-09-24,85.029999,86.699997,85.029999,85.739998,85.739998,16060000 +1975-09-25,85.739998,86.410004,84.790001,85.639999,85.639999,12890000 +1975-09-26,85.639999,86.860001,85.129997,86.190002,86.190002,12570000 +1975-09-29,86.190002,86.379997,84.739998,85.029999,85.029999,10580000 +1975-09-30,85.010002,85.010002,83.440002,83.870003,83.870003,12520000 +1975-10-01,83.870003,85.449997,82.570000,82.930000,82.930000,14070000 +1975-10-02,82.930000,84.330002,82.820000,83.820000,83.820000,14290000 +1975-10-03,83.879997,86.209999,83.879997,85.949997,85.949997,16360000 +1975-10-06,85.980003,87.639999,85.980003,86.879997,86.879997,15470000 +1975-10-07,86.879997,87.320000,85.559998,86.769997,86.769997,13530000 +1975-10-08,86.769997,88.459999,86.339996,87.940002,87.940002,17800000 +1975-10-09,87.940002,89.419998,87.599998,88.370003,88.370003,17770000 +1975-10-10,88.370003,89.169998,87.440002,88.209999,88.209999,14880000 +1975-10-13,88.209999,89.669998,87.730003,89.459999,89.459999,12020000 +1975-10-14,89.459999,90.800003,88.809998,89.279999,89.279999,19960000 +1975-10-15,89.279999,90.070000,88.500000,89.230003,89.230003,14440000 +1975-10-16,89.230003,90.730003,88.900002,89.370003,89.370003,18910000 +1975-10-17,89.370003,89.870003,88.080002,88.860001,88.860001,15650000 +1975-10-20,88.860001,90.139999,88.430000,89.820000,89.820000,13250000 +1975-10-21,89.820000,91.430000,89.790001,90.559998,90.559998,20800000 +1975-10-22,90.559998,91.379997,89.769997,90.709999,90.709999,16060000 +1975-10-23,90.709999,91.750000,90.089996,91.239998,91.239998,17900000 +1975-10-24,91.239998,91.519997,89.459999,89.830002,89.830002,18120000 +1975-10-27,89.830002,90.400002,88.849998,89.730003,89.730003,13100000 +1975-10-28,89.730003,91.010002,89.400002,90.510002,90.510002,17060000 +1975-10-29,90.510002,90.610001,88.889999,89.389999,89.389999,16110000 +1975-10-30,89.389999,90.199997,88.699997,89.309998,89.309998,15080000 +1975-10-31,89.309998,89.800003,88.349998,89.040001,89.040001,12910000 +1975-11-03,89.040001,89.209999,87.779999,88.089996,88.089996,11400000 +1975-11-04,88.089996,89.029999,87.629997,88.510002,88.510002,11570000 +1975-11-05,88.510002,90.080002,88.320000,89.150002,89.150002,17390000 +1975-11-06,89.150002,90.150002,88.160004,89.550003,89.550003,18600000 +1975-11-07,89.550003,90.180000,88.669998,89.330002,89.330002,15930000 +1975-11-10,89.330002,89.980003,88.349998,89.339996,89.339996,14910000 +1975-11-11,89.339996,90.470001,89.040001,89.870003,89.870003,14640000 +1975-11-12,89.870003,91.629997,89.800003,91.190002,91.190002,23960000 +1975-11-13,91.190002,92.330002,90.559998,91.040001,91.040001,25070000 +1975-11-14,91.040001,91.589996,90.190002,90.970001,90.970001,16460000 +1975-11-17,90.970001,91.989998,90.500000,91.459999,91.459999,17660000 +1975-11-18,91.459999,92.300003,90.599998,91.000000,91.000000,20760000 +1975-11-19,91.000000,91.279999,89.470001,89.980003,89.980003,16820000 +1975-11-20,89.980003,90.680000,89.089996,89.639999,89.639999,16460000 +1975-11-21,89.639999,90.230003,88.790001,89.529999,89.529999,14110000 +1975-11-24,89.529999,90.169998,88.650002,89.699997,89.699997,13930000 +1975-11-25,89.699997,91.099998,89.660004,90.709999,90.709999,17490000 +1975-11-26,90.709999,91.580002,90.169998,90.940002,90.940002,18780000 +1975-11-28,90.940002,91.739998,90.440002,91.239998,91.239998,12870000 +1975-12-01,91.239998,91.900002,90.330002,90.669998,90.669998,16050000 +1975-12-02,90.669998,90.809998,89.080002,89.330002,89.330002,17930000 +1975-12-03,88.830002,88.830002,87.080002,87.599998,87.599998,21320000 +1975-12-04,87.599998,88.389999,86.680000,87.839996,87.839996,16380000 +1975-12-05,87.839996,88.379997,86.540001,86.820000,86.820000,14050000 +1975-12-08,86.820000,87.750000,86.150002,87.070000,87.070000,14150000 +1975-12-09,87.070000,87.800003,86.160004,87.300003,87.300003,16040000 +1975-12-10,87.300003,88.389999,86.910004,88.080002,88.080002,15680000 +1975-12-11,88.080002,88.790001,87.410004,87.800003,87.800003,15300000 +1975-12-12,87.800003,88.220001,87.050003,87.830002,87.830002,13100000 +1975-12-15,87.830002,88.639999,87.320000,88.089996,88.089996,13960000 +1975-12-16,88.089996,89.489998,87.779999,88.930000,88.930000,18350000 +1975-12-17,88.930000,89.800003,88.459999,89.150002,89.150002,16560000 +1975-12-18,89.150002,90.089996,88.620003,89.430000,89.430000,18040000 +1975-12-19,89.430000,89.809998,88.389999,88.800003,88.800003,17720000 +1975-12-22,88.800003,89.129997,87.739998,88.139999,88.139999,15340000 +1975-12-23,88.139999,89.230003,87.639999,88.730003,88.730003,17750000 +1975-12-24,88.730003,89.839996,88.730003,89.459999,89.459999,11150000 +1975-12-26,89.459999,90.449997,89.250000,90.250000,90.250000,10020000 +1975-12-29,90.250000,91.089996,89.629997,90.129997,90.129997,17070000 +1975-12-30,90.129997,90.550003,89.199997,89.769997,89.769997,16040000 +1975-12-31,89.769997,90.750000,89.169998,90.190002,90.190002,16970000 +1976-01-02,90.190002,91.180000,89.809998,90.900002,90.900002,10300000 +1976-01-05,90.900002,92.839996,90.849998,92.580002,92.580002,21960000 +1976-01-06,92.580002,94.180000,92.370003,93.529999,93.529999,31270000 +1976-01-07,93.529999,95.150002,92.910004,93.949997,93.949997,33170000 +1976-01-08,93.949997,95.470001,93.410004,94.580002,94.580002,29030000 +1976-01-09,94.580002,95.709999,94.050003,94.949997,94.949997,26510000 +1976-01-12,94.949997,96.760002,94.379997,96.330002,96.330002,30440000 +1976-01-13,96.330002,97.389999,95.110001,95.570000,95.570000,34530000 +1976-01-14,95.570000,97.470001,94.910004,97.129997,97.129997,30340000 +1976-01-15,97.129997,98.339996,96.150002,96.610001,96.610001,38450000 +1976-01-16,96.610001,97.730003,95.839996,97.000000,97.000000,25940000 +1976-01-19,97.000000,98.839996,96.360001,98.320000,98.320000,29450000 +1976-01-20,98.320000,99.440002,97.430000,98.860001,98.860001,36690000 +1976-01-21,98.860001,99.239998,97.120003,98.239998,98.239998,34470000 +1976-01-22,98.239998,98.790001,97.070000,98.040001,98.040001,27420000 +1976-01-23,98.040001,99.879997,97.680000,99.209999,99.209999,33640000 +1976-01-26,99.209999,100.750000,98.919998,99.680000,99.680000,34470000 +1976-01-27,99.680000,100.519997,98.279999,99.070000,99.070000,32070000 +1976-01-28,99.070000,99.639999,97.660004,98.529999,98.529999,27370000 +1976-01-29,98.529999,100.540001,98.320000,100.110001,100.110001,29800000 +1976-01-30,100.110001,101.989998,99.940002,100.860001,100.860001,38510000 +1976-02-02,100.860001,101.389999,99.739998,100.870003,100.870003,24000000 +1976-02-03,100.870003,101.970001,99.580002,101.180000,101.180000,34080000 +1976-02-04,101.180000,102.570000,100.699997,101.910004,101.910004,38270000 +1976-02-05,101.910004,102.300003,100.059998,100.389999,100.389999,33780000 +1976-02-06,100.389999,100.529999,98.639999,99.459999,99.459999,27360000 +1976-02-09,99.459999,100.660004,98.769997,99.620003,99.620003,25340000 +1976-02-10,99.620003,100.959999,99.110001,100.470001,100.470001,27660000 +1976-02-11,100.470001,101.800003,100.099998,100.769997,100.769997,32300000 +1976-02-12,100.769997,101.550003,99.820000,100.250000,100.250000,28610000 +1976-02-13,100.250000,100.660004,99.010002,99.669998,99.669998,23870000 +1976-02-17,99.669998,100.250000,98.559998,99.050003,99.050003,25460000 +1976-02-18,99.050003,100.430000,98.500000,99.849998,99.849998,29900000 +1976-02-19,99.940002,101.919998,99.940002,101.410004,101.410004,39210000 +1976-02-20,101.410004,103.070000,101.180000,102.099998,102.099998,44510000 +1976-02-23,102.099998,102.540001,100.690002,101.610001,101.610001,31460000 +1976-02-24,101.610001,102.919998,101.029999,102.029999,102.029999,34380000 +1976-02-25,102.029999,102.709999,100.690002,101.690002,101.690002,34680000 +1976-02-26,101.690002,102.360001,99.739998,100.110001,100.110001,34320000 +1976-02-27,100.110001,100.529999,98.599998,99.709999,99.709999,26940000 +1976-03-01,99.709999,100.639999,98.669998,100.019997,100.019997,22070000 +1976-03-02,100.019997,101.260002,99.610001,100.580002,100.580002,25590000 +1976-03-03,100.580002,100.970001,99.230003,99.980003,99.980003,25450000 +1976-03-04,99.980003,100.400002,98.489998,98.919998,98.919998,24410000 +1976-03-05,98.919998,99.879997,98.230003,99.110001,99.110001,23030000 +1976-03-08,99.110001,100.709999,98.930000,100.190002,100.190002,25060000 +1976-03-09,100.190002,101.900002,99.949997,100.580002,100.580002,31770000 +1976-03-10,100.580002,101.800003,99.980003,100.940002,100.940002,24900000 +1976-03-11,100.940002,102.410004,100.620003,101.889999,101.889999,27300000 +1976-03-12,101.889999,102.459999,100.489998,100.860001,100.860001,26020000 +1976-03-15,100.860001,100.900002,99.239998,99.800003,99.800003,19570000 +1976-03-16,99.800003,101.250000,99.379997,100.919998,100.919998,22780000 +1976-03-17,100.919998,102.010002,100.279999,100.860001,100.860001,26190000 +1976-03-18,100.860001,101.370003,99.730003,100.449997,100.449997,20330000 +1976-03-19,100.449997,101.230003,99.699997,100.580002,100.580002,18090000 +1976-03-22,100.580002,101.529999,100.139999,100.709999,100.709999,19410000 +1976-03-23,100.709999,102.540001,100.320000,102.239998,102.239998,22450000 +1976-03-24,102.510002,104.389999,102.510002,103.419998,103.419998,32610000 +1976-03-25,103.419998,104.000000,102.190002,102.849998,102.849998,22510000 +1976-03-26,102.849998,103.650002,102.199997,102.849998,102.849998,18510000 +1976-03-29,102.849998,103.360001,101.989998,102.410004,102.410004,16100000 +1976-03-30,102.410004,103.360001,101.250000,102.010002,102.010002,17930000 +1976-03-31,102.010002,103.080002,101.599998,102.769997,102.769997,17520000 +1976-04-01,102.769997,103.239998,101.500000,102.239998,102.239998,17910000 +1976-04-02,102.239998,102.760002,101.230003,102.250000,102.250000,17420000 +1976-04-05,102.320000,104.129997,102.320000,103.510002,103.510002,21940000 +1976-04-06,103.510002,104.629997,102.930000,103.360001,103.360001,24170000 +1976-04-07,103.360001,103.849998,101.919998,102.209999,102.209999,20190000 +1976-04-08,102.209999,102.379997,100.529999,101.279999,101.279999,20860000 +1976-04-09,101.279999,101.739998,99.870003,100.349998,100.349998,19050000 +1976-04-12,100.349998,101.300003,99.570000,100.199997,100.199997,16030000 +1976-04-13,100.199997,101.389999,99.639999,101.050003,101.050003,15990000 +1976-04-14,101.050003,101.769997,99.980003,100.309998,100.309998,18440000 +1976-04-15,100.309998,101.180000,99.730003,100.669998,100.669998,15100000 +1976-04-19,100.669998,101.830002,100.320000,101.440002,101.440002,16500000 +1976-04-20,101.440002,103.320000,101.419998,102.870003,102.870003,23500000 +1976-04-21,102.870003,104.029999,102.300003,103.320000,103.320000,26600000 +1976-04-22,103.320000,104.040001,102.519997,102.980003,102.980003,20220000 +1976-04-23,102.980003,103.209999,101.699997,102.290001,102.290001,17000000 +1976-04-26,102.290001,102.800003,101.360001,102.430000,102.430000,15520000 +1976-04-27,102.430000,103.180000,101.510002,101.860001,101.860001,17760000 +1976-04-28,101.860001,102.459999,100.910004,102.129997,102.129997,15790000 +1976-04-29,102.129997,102.970001,101.449997,102.129997,102.129997,17740000 +1976-04-30,102.129997,102.650002,101.160004,101.639999,101.639999,14530000 +1976-05-03,101.639999,101.730003,100.139999,100.919998,100.919998,15180000 +1976-05-04,100.919998,101.930000,100.290001,101.459999,101.459999,17240000 +1976-05-05,101.459999,101.919998,100.449997,100.879997,100.879997,14970000 +1976-05-06,100.879997,101.699997,100.309998,101.160004,101.160004,16200000 +1976-05-07,101.160004,102.269997,100.769997,101.879997,101.879997,17810000 +1976-05-10,101.879997,103.510002,101.760002,103.099998,103.099998,22760000 +1976-05-11,103.099998,103.989998,102.389999,102.949997,102.949997,23590000 +1976-05-12,102.949997,103.550003,102.139999,102.769997,102.769997,18510000 +1976-05-13,102.769997,103.029999,101.730003,102.160004,102.160004,16730000 +1976-05-14,102.160004,102.230003,100.820000,101.339996,101.339996,16800000 +1976-05-17,101.339996,101.709999,100.410004,101.089996,101.089996,14720000 +1976-05-18,101.089996,102.000000,100.720001,101.260002,101.260002,17410000 +1976-05-19,101.260002,102.010002,100.550003,101.180000,101.180000,18450000 +1976-05-20,101.180000,102.529999,100.690002,102.000000,102.000000,22560000 +1976-05-21,102.000000,102.339996,100.809998,101.260002,101.260002,18730000 +1976-05-24,101.070000,101.070000,99.110001,99.440002,99.440002,16560000 +1976-05-25,99.440002,100.019997,98.480003,99.489998,99.489998,18770000 +1976-05-26,99.489998,100.139999,98.650002,99.339996,99.339996,16750000 +1976-05-27,99.339996,99.769997,98.260002,99.379997,99.379997,15310000 +1976-05-28,99.379997,100.639999,99.000000,100.180000,100.180000,16860000 +1976-06-01,100.180000,100.739998,99.360001,99.849998,99.849998,13880000 +1976-06-02,99.849998,100.690002,99.260002,100.220001,100.220001,16120000 +1976-06-03,100.220001,101.099998,99.680000,100.129997,100.129997,18900000 +1976-06-04,100.129997,100.269997,98.790001,99.150002,99.150002,15960000 +1976-06-07,99.150002,99.389999,97.970001,98.629997,98.629997,14510000 +1976-06-08,98.629997,99.709999,98.320000,98.800003,98.800003,16660000 +1976-06-09,98.800003,99.489998,98.230003,98.739998,98.739998,14560000 +1976-06-10,98.739998,99.980003,98.550003,99.559998,99.559998,16100000 +1976-06-11,99.559998,101.220001,99.379997,100.919998,100.919998,19470000 +1976-06-14,101.000000,102.510002,101.000000,101.949997,101.949997,21250000 +1976-06-15,101.949997,102.389999,100.839996,101.459999,101.459999,18440000 +1976-06-16,101.459999,102.650002,100.959999,102.010002,102.010002,21620000 +1976-06-17,102.010002,104.120003,101.970001,103.610001,103.610001,27810000 +1976-06-18,103.610001,104.800003,103.059998,103.760002,103.760002,25720000 +1976-06-21,103.760002,104.730003,103.180000,104.279999,104.279999,18930000 +1976-06-22,104.279999,104.820000,103.160004,103.470001,103.470001,21150000 +1976-06-23,103.470001,103.900002,102.400002,103.250000,103.250000,17530000 +1976-06-24,103.250000,104.370003,102.900002,103.790001,103.790001,19850000 +1976-06-25,103.790001,104.540001,103.169998,103.720001,103.720001,17830000 +1976-06-28,103.720001,104.349998,102.970001,103.430000,103.430000,17490000 +1976-06-29,103.430000,104.330002,102.949997,103.860001,103.860001,19620000 +1976-06-30,103.860001,105.070000,103.519997,104.279999,104.279999,23830000 +1976-07-01,104.279999,104.980003,103.139999,103.589996,103.589996,21130000 +1976-07-02,103.589996,104.529999,103.129997,104.110001,104.110001,16730000 +1976-07-06,104.110001,104.669998,103.190002,103.540001,103.540001,16130000 +1976-07-07,103.540001,104.230003,102.800003,103.830002,103.830002,18470000 +1976-07-08,103.830002,104.750000,103.440002,103.980003,103.980003,21710000 +1976-07-09,103.980003,105.410004,103.800003,104.980003,104.980003,23500000 +1976-07-12,104.980003,106.300003,104.739998,105.900002,105.900002,23750000 +1976-07-13,105.900002,106.779999,105.150002,105.669998,105.669998,27550000 +1976-07-14,105.669998,106.610001,105.050003,105.949997,105.949997,23840000 +1976-07-15,105.949997,106.250000,104.760002,105.199997,105.199997,20400000 +1976-07-16,105.199997,105.269997,103.870003,104.680000,104.680000,20450000 +1976-07-19,104.680000,105.320000,103.839996,104.290001,104.290001,18200000 +1976-07-20,104.290001,104.570000,103.050003,103.720001,103.720001,18810000 +1976-07-21,103.720001,104.559998,103.209999,103.820000,103.820000,18350000 +1976-07-22,103.820000,104.419998,103.150002,103.930000,103.930000,15600000 +1976-07-23,103.930000,104.709999,103.489998,104.059998,104.059998,15870000 +1976-07-26,104.059998,104.690002,103.459999,104.070000,104.070000,13530000 +1976-07-27,104.070000,104.510002,103.129997,103.480003,103.480003,15580000 +1976-07-28,103.480003,103.580002,102.309998,103.050003,103.050003,16000000 +1976-07-29,103.050003,103.589996,102.360001,102.930000,102.930000,13330000 +1976-07-30,102.930000,103.879997,102.470001,103.440002,103.440002,14830000 +1976-08-02,103.440002,103.980003,102.639999,103.190002,103.190002,13870000 +1976-08-03,103.190002,104.489998,102.790001,104.139999,104.139999,18500000 +1976-08-04,104.139999,105.180000,103.720001,104.430000,104.430000,20650000 +1976-08-05,104.430000,104.760002,103.480003,103.849998,103.849998,15530000 +1976-08-06,103.849998,104.250000,103.099998,103.790001,103.790001,13930000 +1976-08-09,103.790001,104.019997,103.010002,103.489998,103.489998,11700000 +1976-08-10,103.489998,104.709999,103.209999,104.410004,104.410004,16690000 +1976-08-11,104.410004,105.239998,103.730003,104.059998,104.059998,18710000 +1976-08-12,104.059998,104.639999,103.379997,104.220001,104.220001,15560000 +1976-08-13,104.220001,104.790001,103.610001,104.250000,104.250000,13930000 +1976-08-16,104.250000,104.989998,103.739998,104.430000,104.430000,16210000 +1976-08-17,104.430000,105.250000,103.980003,104.800003,104.800003,18500000 +1976-08-18,104.800003,105.410004,104.120003,104.559998,104.559998,17150000 +1976-08-19,104.559998,104.739998,103.010002,103.389999,103.389999,17230000 +1976-08-20,103.309998,103.309998,101.959999,102.370003,102.370003,14920000 +1976-08-23,102.370003,102.489998,101.040001,101.959999,101.959999,15450000 +1976-08-24,101.959999,102.650002,100.980003,101.269997,101.269997,16740000 +1976-08-25,101.269997,102.410004,100.430000,102.029999,102.029999,17400000 +1976-08-26,102.029999,102.589996,101.010002,101.320000,101.320000,15270000 +1976-08-27,101.320000,101.900002,100.550003,101.480003,101.480003,12120000 +1976-08-30,101.480003,102.510002,101.220001,102.070000,102.070000,11140000 +1976-08-31,102.070000,103.379997,101.940002,102.910004,102.910004,15480000 +1976-09-01,102.910004,104.300003,102.599998,104.059998,104.059998,18640000 +1976-09-02,104.059998,104.839996,103.470001,103.919998,103.919998,18920000 +1976-09-03,103.919998,104.629997,103.360001,104.300003,104.300003,13280000 +1976-09-07,104.300003,105.309998,103.930000,105.029999,105.029999,16310000 +1976-09-08,105.029999,105.730003,104.339996,104.940002,104.940002,19750000 +1976-09-09,104.940002,105.120003,103.910004,104.400002,104.400002,16540000 +1976-09-10,104.400002,105.029999,103.790001,104.650002,104.650002,16930000 +1976-09-13,104.650002,105.290001,103.879997,104.290001,104.290001,16100000 +1976-09-14,104.290001,104.500000,103.309998,103.940002,103.940002,15550000 +1976-09-15,103.940002,104.699997,103.279999,104.250000,104.250000,17570000 +1976-09-16,104.250000,105.589996,103.839996,105.339996,105.339996,19620000 +1976-09-17,105.339996,106.809998,105.139999,106.269997,106.269997,28270000 +1976-09-20,106.269997,107.199997,105.739998,106.320000,106.320000,21730000 +1976-09-21,106.320000,108.129997,106.089996,107.830002,107.830002,30300000 +1976-09-22,107.830002,108.720001,106.919998,107.459999,107.459999,32970000 +1976-09-23,107.459999,107.959999,106.400002,106.919998,106.919998,24210000 +1976-09-24,106.919998,107.360001,106.029999,106.800003,106.800003,17400000 +1976-09-27,106.800003,107.699997,106.349998,107.269997,107.269997,17430000 +1976-09-28,107.269997,107.540001,105.610001,105.919998,105.919998,20440000 +1976-09-29,105.919998,106.449997,104.830002,105.370003,105.370003,18090000 +1976-09-30,105.370003,105.839996,104.570000,105.239998,105.239998,14700000 +1976-10-01,105.239998,105.750000,103.599998,104.169998,104.169998,20620000 +1976-10-04,104.169998,104.620003,103.419998,104.029999,104.029999,12630000 +1976-10-05,104.029999,104.250000,102.510002,103.230003,103.230003,19200000 +1976-10-06,103.230003,103.720001,102.050003,102.970001,102.970001,20870000 +1976-10-07,102.970001,103.900002,102.160004,103.540001,103.540001,19830000 +1976-10-08,103.540001,104.000000,102.239998,102.559998,102.559998,16740000 +1976-10-11,102.480003,102.480003,100.980003,101.639999,101.639999,14620000 +1976-10-12,101.639999,102.190002,100.379997,100.809998,100.809998,18210000 +1976-10-13,100.809998,102.440002,100.540001,102.120003,102.120003,21690000 +1976-10-14,102.120003,102.139999,100.279999,100.849998,100.849998,18610000 +1976-10-15,100.849998,101.500000,100.019997,100.879997,100.879997,16210000 +1976-10-18,100.879997,101.989998,100.620003,101.470001,101.470001,15710000 +1976-10-19,101.470001,102.040001,100.419998,101.449997,101.449997,16200000 +1976-10-20,101.449997,102.230003,100.809998,101.739998,101.739998,15860000 +1976-10-21,101.739998,102.320000,100.489998,100.769997,100.769997,17980000 +1976-10-22,100.769997,100.930000,99.239998,99.959999,99.959999,17870000 +1976-10-25,99.959999,100.599998,99.209999,100.070000,100.070000,13310000 +1976-10-26,100.070000,101.500000,99.910004,101.059998,101.059998,15490000 +1976-10-27,101.059998,102.120003,100.610001,101.760002,101.760002,15790000 +1976-10-28,101.760002,102.500000,101.120003,101.610001,101.610001,16920000 +1976-10-29,101.610001,103.099998,101.150002,102.900002,102.900002,17030000 +1976-11-01,102.900002,103.779999,102.190002,103.099998,103.099998,18390000 +1976-11-03,102.489998,102.489998,100.730003,101.919998,101.919998,19350000 +1976-11-04,101.919998,103.160004,101.400002,102.410004,102.410004,21700000 +1976-11-05,102.410004,102.699997,100.480003,100.820000,100.820000,20780000 +1976-11-08,100.620003,100.620003,99.099998,99.599998,99.599998,16520000 +1976-11-09,99.599998,100.209999,98.379997,99.320000,99.320000,19210000 +1976-11-10,99.320000,99.980003,98.180000,98.809998,98.809998,18890000 +1976-11-11,98.809998,99.889999,98.349998,99.639999,99.639999,13230000 +1976-11-12,99.639999,99.949997,98.510002,99.239998,99.239998,15550000 +1976-11-15,99.239998,100.160004,98.529999,99.900002,99.900002,16710000 +1976-11-16,99.900002,101.120003,99.440002,100.040001,100.040001,21020000 +1976-11-17,100.040001,101.320000,99.639999,100.610001,100.610001,19900000 +1976-11-18,100.610001,102.220001,100.489998,101.889999,101.889999,24000000 +1976-11-19,101.889999,102.769997,101.169998,101.919998,101.919998,24550000 +1976-11-22,101.919998,103.150002,101.629997,102.589996,102.589996,20930000 +1976-11-23,102.589996,102.900002,101.500000,101.959999,101.959999,19090000 +1976-11-24,101.959999,102.849998,101.410004,102.410004,102.410004,20420000 +1976-11-26,102.410004,103.510002,102.129997,103.150002,103.150002,15000000 +1976-11-29,103.150002,103.459999,102.070000,102.440002,102.440002,18750000 +1976-11-30,102.440002,102.720001,101.459999,102.099998,102.099998,17030000 +1976-12-01,102.099998,103.029999,101.620003,102.489998,102.489998,21960000 +1976-12-02,102.489998,103.300003,101.699997,102.120003,102.120003,23300000 +1976-12-03,102.120003,103.309998,101.750000,102.760002,102.760002,22640000 +1976-12-06,102.760002,104.150002,102.529999,103.559998,103.559998,24830000 +1976-12-07,103.559998,104.400002,102.959999,103.489998,103.489998,26140000 +1976-12-08,103.489998,104.400002,102.940002,104.080002,104.080002,24560000 +1976-12-09,104.080002,105.269997,103.709999,104.510002,104.510002,31800000 +1976-12-10,104.510002,105.360001,103.900002,104.699997,104.699997,25960000 +1976-12-13,104.699997,105.330002,103.940002,104.629997,104.629997,24830000 +1976-12-14,104.629997,105.440002,103.800003,105.070000,105.070000,25130000 +1976-12-15,105.070000,105.889999,104.330002,105.139999,105.139999,28300000 +1976-12-16,105.139999,105.529999,104.070000,104.800003,104.800003,23920000 +1976-12-17,104.800003,105.599998,103.889999,104.260002,104.260002,23870000 +1976-12-20,104.260002,104.629997,103.209999,103.650002,103.650002,20690000 +1976-12-21,103.650002,104.660004,102.989998,104.220001,104.220001,24390000 +1976-12-22,104.220001,105.589996,104.029999,104.709999,104.709999,26970000 +1976-12-23,104.709999,105.489998,104.089996,104.839996,104.839996,24560000 +1976-12-27,104.839996,106.309998,104.580002,106.059998,106.059998,20130000 +1976-12-28,106.059998,107.360001,105.900002,106.769997,106.769997,25790000 +1976-12-29,106.769997,107.169998,105.830002,106.339996,106.339996,21910000 +1976-12-30,106.339996,107.410004,105.970001,106.879997,106.879997,23700000 +1976-12-31,106.879997,107.820000,106.550003,107.459999,107.459999,19170000 +1977-01-03,107.459999,107.970001,106.419998,107.000000,107.000000,21280000 +1977-01-04,107.000000,107.309998,105.400002,105.699997,105.699997,22740000 +1977-01-05,105.699997,106.070000,104.330002,104.760002,104.760002,25010000 +1977-01-06,104.760002,105.860001,104.400002,105.019997,105.019997,23920000 +1977-01-07,105.019997,105.589996,104.300003,105.010002,105.010002,21720000 +1977-01-10,105.010002,105.750000,104.459999,105.199997,105.199997,20860000 +1977-01-11,105.199997,105.599998,103.760002,104.120003,104.120003,24100000 +1977-01-12,104.120003,104.180000,102.750000,103.400002,103.400002,22670000 +1977-01-13,103.400002,104.599998,103.209999,104.199997,104.199997,24780000 +1977-01-14,104.199997,104.709999,103.370003,104.010002,104.010002,24480000 +1977-01-17,104.010002,104.370003,103.040001,103.730003,103.730003,21060000 +1977-01-18,103.730003,104.290001,102.709999,103.320000,103.320000,24380000 +1977-01-19,103.320000,104.379997,102.830002,103.849998,103.849998,27120000 +1977-01-20,103.849998,104.449997,102.500000,102.970001,102.970001,26520000 +1977-01-21,102.970001,103.910004,102.349998,103.320000,103.320000,23930000 +1977-01-24,103.320000,104.059998,102.500000,103.250000,103.250000,22890000 +1977-01-25,103.250000,104.080002,102.419998,103.129997,103.129997,26340000 +1977-01-26,103.129997,103.480003,101.839996,102.339996,102.339996,27840000 +1977-01-27,102.339996,102.809998,101.269997,101.790001,101.790001,24360000 +1977-01-28,101.790001,102.610001,101.080002,101.930000,101.930000,22700000 +1977-01-31,101.930000,102.440002,100.910004,102.029999,102.029999,22920000 +1977-02-01,102.029999,103.059998,101.570000,102.540001,102.540001,23700000 +1977-02-02,102.540001,103.320000,101.889999,102.360001,102.360001,25700000 +1977-02-03,102.360001,102.570000,101.279999,101.849998,101.849998,23790000 +1977-02-04,101.849998,102.709999,101.300003,101.879997,101.879997,23130000 +1977-02-07,101.879997,102.430000,101.250000,101.889999,101.889999,20700000 +1977-02-08,101.889999,102.650002,101.160004,101.599998,101.599998,24040000 +1977-02-09,101.599998,101.879997,100.120003,100.730003,100.730003,23640000 +1977-02-10,100.730003,101.510002,100.160004,100.820000,100.820000,22340000 +1977-02-11,100.820000,101.180000,99.739998,100.220001,100.220001,20510000 +1977-02-14,100.220001,101.059998,99.510002,100.739998,100.739998,19230000 +1977-02-15,100.739998,101.669998,100.349998,101.040001,101.040001,21620000 +1977-02-16,101.040001,102.220001,100.680000,101.500000,101.500000,23430000 +1977-02-17,101.500000,101.760002,100.430000,100.919998,100.919998,19040000 +1977-02-18,100.919998,101.129997,99.949997,100.489998,100.489998,18040000 +1977-02-22,100.489998,101.220001,99.940002,100.489998,100.489998,17730000 +1977-02-23,100.489998,100.949997,99.779999,100.190002,100.190002,18240000 +1977-02-24,100.190002,100.419998,99.180000,99.599998,99.599998,19730000 +1977-02-25,99.599998,100.019997,98.820000,99.480003,99.480003,17610000 +1977-02-28,99.480003,100.059998,98.910004,99.820000,99.820000,16220000 +1977-03-01,99.820000,101.029999,99.650002,100.660004,100.660004,19480000 +1977-03-02,100.660004,101.239998,99.970001,100.389999,100.389999,18010000 +1977-03-03,100.389999,101.279999,100.010002,100.879997,100.879997,17560000 +1977-03-04,100.879997,101.669998,100.519997,101.199997,101.199997,18950000 +1977-03-07,101.199997,101.769997,100.639999,101.250000,101.250000,17410000 +1977-03-08,101.250000,101.849998,100.480003,100.870003,100.870003,19520000 +1977-03-09,100.870003,100.889999,99.629997,100.099998,100.099998,19680000 +1977-03-10,100.099998,100.959999,99.489998,100.669998,100.669998,18620000 +1977-03-11,100.669998,101.370003,100.139999,100.650002,100.650002,18230000 +1977-03-14,100.650002,101.750000,100.239998,101.419998,101.419998,19290000 +1977-03-15,101.419998,102.610001,101.339996,101.980003,101.980003,23940000 +1977-03-16,101.980003,102.699997,101.519997,102.169998,102.169998,22140000 +1977-03-17,102.169998,102.580002,101.279999,102.080002,102.080002,20700000 +1977-03-18,102.080002,102.610001,101.389999,101.860001,101.860001,19840000 +1977-03-21,101.860001,102.129997,100.919998,101.309998,101.309998,18040000 +1977-03-22,101.309998,101.580002,100.349998,101.000000,101.000000,18660000 +1977-03-23,101.000000,101.419998,99.879997,100.199997,100.199997,19360000 +1977-03-24,100.199997,100.599998,99.260002,99.699997,99.699997,19650000 +1977-03-25,99.699997,100.050003,98.709999,99.059998,99.059998,16550000 +1977-03-28,99.059998,99.540001,98.349998,99.000000,99.000000,16710000 +1977-03-29,99.000000,100.120003,98.949997,99.690002,99.690002,17030000 +1977-03-30,99.690002,99.989998,98.180000,98.540001,98.540001,18810000 +1977-03-31,98.540001,99.139999,97.800003,98.419998,98.419998,16510000 +1977-04-01,98.419998,99.570000,98.379997,99.209999,99.209999,17050000 +1977-04-04,99.209999,99.500000,97.980003,98.230003,98.230003,16250000 +1977-04-05,98.230003,98.599998,97.430000,98.010002,98.010002,18330000 +1977-04-06,98.010002,98.610001,97.449997,97.910004,97.910004,16600000 +1977-04-07,97.910004,98.650002,97.480003,98.349998,98.349998,17260000 +1977-04-11,98.349998,99.370003,98.080002,98.879997,98.879997,17650000 +1977-04-12,98.970001,100.580002,98.970001,100.150002,100.150002,23760000 +1977-04-13,100.150002,100.720001,99.019997,100.160004,100.160004,21800000 +1977-04-14,100.419998,102.070000,100.419998,101.000000,101.000000,30490000 +1977-04-15,101.000000,101.629997,100.349998,101.040001,101.040001,20230000 +1977-04-18,101.040001,101.360001,100.089996,100.540001,100.540001,17830000 +1977-04-19,100.540001,100.809998,99.580002,100.070000,100.070000,19510000 +1977-04-20,100.070000,100.980003,99.489998,100.400002,100.400002,25090000 +1977-04-21,100.400002,101.199997,99.349998,99.750000,99.750000,22740000 +1977-04-22,99.669998,99.669998,98.080002,98.440002,98.440002,20700000 +1977-04-25,98.320000,98.320000,96.540001,97.150002,97.150002,20440000 +1977-04-26,97.150002,97.940002,96.529999,97.110001,97.110001,20040000 +1977-04-27,97.110001,98.470001,96.900002,97.959999,97.959999,20590000 +1977-04-28,97.959999,98.769997,97.470001,98.199997,98.199997,18370000 +1977-04-29,98.199997,98.870003,97.580002,98.440002,98.440002,18330000 +1977-05-02,98.440002,99.260002,97.970001,98.930000,98.930000,17970000 +1977-05-03,98.930000,99.959999,98.720001,99.430000,99.430000,21950000 +1977-05-04,99.430000,100.559998,98.900002,99.959999,99.959999,23330000 +1977-05-05,99.959999,100.790001,99.279999,100.110001,100.110001,23450000 +1977-05-06,100.110001,100.199997,98.949997,99.489998,99.489998,19370000 +1977-05-09,99.489998,99.779999,98.660004,99.180000,99.180000,15230000 +1977-05-10,99.180000,100.089996,98.820000,99.470001,99.470001,21090000 +1977-05-11,99.470001,99.769997,98.400002,98.779999,98.779999,18980000 +1977-05-12,98.779999,99.250000,97.910004,98.730003,98.730003,21980000 +1977-05-13,98.730003,99.519997,98.370003,99.029999,99.029999,19780000 +1977-05-16,99.029999,99.980003,98.790001,99.470001,99.470001,21170000 +1977-05-17,99.470001,100.110001,98.760002,99.769997,99.769997,22290000 +1977-05-18,99.769997,100.930000,99.580002,100.300003,100.300003,27800000 +1977-05-19,100.300003,100.739998,99.489998,99.879997,99.879997,21280000 +1977-05-20,99.879997,100.120003,98.910004,99.449997,99.449997,18950000 +1977-05-23,99.349998,99.349998,97.879997,98.150002,98.150002,18290000 +1977-05-24,98.150002,98.250000,97.000000,97.669998,97.669998,20050000 +1977-05-25,97.669998,98.139999,96.500000,96.769997,96.769997,20710000 +1977-05-26,96.769997,97.470001,96.199997,97.010002,97.010002,18620000 +1977-05-27,97.010002,97.260002,95.919998,96.269997,96.269997,15730000 +1977-05-31,96.269997,96.750000,95.519997,96.120003,96.120003,17800000 +1977-06-01,96.120003,97.269997,95.889999,96.930000,96.930000,18320000 +1977-06-02,96.930000,97.529999,96.230003,96.739998,96.739998,18620000 +1977-06-03,96.739998,98.120003,96.550003,97.690002,97.690002,20330000 +1977-06-06,97.690002,98.260002,96.889999,97.230003,97.230003,18930000 +1977-06-07,97.230003,98.010002,96.599998,97.730003,97.730003,21110000 +1977-06-08,97.730003,98.750000,97.489998,98.199997,98.199997,22200000 +1977-06-09,98.199997,98.620003,97.510002,98.139999,98.139999,19940000 +1977-06-10,98.139999,98.860001,97.680000,98.459999,98.459999,20630000 +1977-06-13,98.459999,99.209999,98.059998,98.739998,98.739998,20250000 +1977-06-14,98.760002,100.120003,98.760002,99.860001,99.860001,25390000 +1977-06-15,99.860001,100.309998,99.120003,99.610001,99.610001,22640000 +1977-06-16,99.610001,100.330002,98.910004,99.849998,99.849998,24310000 +1977-06-17,99.849998,100.470001,99.339996,99.970001,99.970001,21960000 +1977-06-20,99.970001,100.760002,99.559998,100.419998,100.419998,22950000 +1977-06-21,100.419998,101.410004,100.160004,100.739998,100.739998,29730000 +1977-06-22,100.739998,101.070000,99.900002,100.459999,100.459999,25070000 +1977-06-23,100.459999,101.099998,99.879997,100.620003,100.620003,24330000 +1977-06-24,100.620003,101.650002,100.410004,101.190002,101.190002,27490000 +1977-06-27,101.190002,101.629997,100.470001,100.980003,100.980003,19870000 +1977-06-28,100.980003,101.360001,99.870003,100.139999,100.139999,22670000 +1977-06-29,100.139999,100.489998,99.300003,100.110001,100.110001,19000000 +1977-06-30,100.110001,100.879997,99.680000,100.480003,100.480003,19410000 +1977-07-01,100.480003,100.760002,99.629997,100.099998,100.099998,18160000 +1977-07-05,100.099998,100.720001,99.620003,100.089996,100.089996,16850000 +1977-07-06,100.089996,100.410004,99.199997,99.580002,99.580002,21230000 +1977-07-07,99.580002,100.300003,99.120003,99.930000,99.930000,21740000 +1977-07-08,99.930000,100.620003,99.370003,99.790001,99.790001,23820000 +1977-07-11,99.790001,100.160004,98.900002,99.550003,99.550003,19790000 +1977-07-12,99.550003,100.010002,98.809998,99.449997,99.449997,22470000 +1977-07-13,99.449997,99.989998,98.830002,99.589996,99.589996,23160000 +1977-07-15,99.589996,100.680000,99.279999,100.180000,100.180000,29120000 +1977-07-18,100.180000,101.400002,99.940002,100.949997,100.949997,29890000 +1977-07-19,100.949997,102.169998,100.680000,101.790001,101.790001,31930000 +1977-07-20,101.790001,102.570000,101.139999,101.730003,101.730003,29380000 +1977-07-21,101.730003,102.190002,100.849998,101.589996,101.589996,26880000 +1977-07-22,101.589996,102.279999,101.019997,101.669998,101.669998,23110000 +1977-07-25,101.669998,101.849998,100.459999,100.849998,100.849998,20430000 +1977-07-26,100.849998,100.919998,99.720001,100.269997,100.269997,21390000 +1977-07-27,100.269997,100.290001,98.309998,98.639999,98.639999,26440000 +1977-07-28,98.639999,99.360001,97.779999,98.790001,98.790001,26340000 +1977-07-29,98.790001,99.209999,97.709999,98.849998,98.849998,20350000 +1977-08-01,98.849998,99.839996,98.459999,99.120003,99.120003,17920000 +1977-08-02,99.120003,99.269997,98.139999,98.500000,98.500000,17910000 +1977-08-03,98.500000,98.860001,97.529999,98.370003,98.370003,21710000 +1977-08-04,98.370003,99.190002,97.790001,98.739998,98.739998,18870000 +1977-08-05,98.739998,99.440002,98.309998,98.760002,98.760002,19940000 +1977-08-08,98.760002,98.860001,97.680000,97.989998,97.989998,15870000 +1977-08-09,97.989998,98.629997,97.480003,98.050003,98.050003,19900000 +1977-08-10,98.050003,99.059998,97.669998,98.919998,98.919998,18280000 +1977-08-11,98.919998,99.449997,97.900002,98.160004,98.160004,21740000 +1977-08-12,98.160004,98.510002,97.309998,97.879997,97.879997,16870000 +1977-08-15,97.879997,98.559998,97.139999,98.180000,98.180000,15750000 +1977-08-16,98.180000,98.599998,97.349998,97.730003,97.730003,19340000 +1977-08-17,97.730003,98.400002,97.120003,97.739998,97.739998,20920000 +1977-08-18,97.739998,98.690002,97.209999,97.680000,97.680000,21040000 +1977-08-19,97.680000,98.290001,96.779999,97.510002,97.510002,20800000 +1977-08-22,97.510002,98.290001,96.839996,97.790001,97.790001,17870000 +1977-08-23,97.790001,98.519997,97.180000,97.620003,97.620003,20290000 +1977-08-24,97.620003,97.989998,96.769997,97.230003,97.230003,18170000 +1977-08-25,97.180000,97.180000,95.809998,96.150002,96.150002,19400000 +1977-08-26,96.150002,96.419998,95.040001,96.059998,96.059998,18480000 +1977-08-29,96.059998,97.250000,95.930000,96.919998,96.919998,15280000 +1977-08-30,96.919998,97.550003,96.040001,96.379997,96.379997,18220000 +1977-08-31,96.379997,97.000000,95.589996,96.769997,96.769997,19080000 +1977-09-01,96.769997,97.540001,96.349998,96.830002,96.830002,18820000 +1977-09-02,96.830002,97.760002,96.510002,97.449997,97.449997,15620000 +1977-09-06,97.449997,98.129997,96.930000,97.709999,97.709999,16130000 +1977-09-07,97.709999,98.379997,97.330002,98.010002,98.010002,18070000 +1977-09-08,98.010002,98.430000,97.010002,97.279999,97.279999,18290000 +1977-09-09,97.099998,97.099998,95.970001,96.370003,96.370003,18100000 +1977-09-12,96.370003,96.639999,95.370003,96.029999,96.029999,18700000 +1977-09-13,96.029999,96.559998,95.480003,96.089996,96.089996,14900000 +1977-09-14,96.089996,96.879997,95.660004,96.550003,96.550003,17330000 +1977-09-15,96.550003,97.309998,96.150002,96.800003,96.800003,18230000 +1977-09-16,96.800003,97.300003,96.050003,96.480003,96.480003,18340000 +1977-09-19,96.480003,96.589996,95.459999,95.849998,95.849998,16890000 +1977-09-20,95.849998,96.290001,95.230003,95.889999,95.889999,19030000 +1977-09-21,95.889999,96.519997,94.830002,95.099998,95.099998,22200000 +1977-09-22,95.099998,95.610001,94.510002,95.089996,95.089996,16660000 +1977-09-23,95.089996,95.690002,94.599998,95.040001,95.040001,18760000 +1977-09-26,95.040001,95.680000,94.440002,95.379997,95.379997,18230000 +1977-09-27,95.379997,96.010002,94.760002,95.239998,95.239998,19080000 +1977-09-28,95.239998,95.910004,94.730003,95.309998,95.309998,17960000 +1977-09-29,95.309998,96.279999,95.089996,95.849998,95.849998,21160000 +1977-09-30,95.849998,96.849998,95.660004,96.529999,96.529999,21170000 +1977-10-03,96.529999,97.110001,95.860001,96.739998,96.739998,19460000 +1977-10-04,96.739998,97.269997,95.730003,96.029999,96.029999,20850000 +1977-10-05,96.029999,96.360001,95.199997,95.680000,95.680000,18300000 +1977-10-06,95.680000,96.449997,95.300003,96.050003,96.050003,18490000 +1977-10-07,96.050003,96.510002,95.480003,95.970001,95.970001,16250000 +1977-10-10,95.970001,96.150002,95.320000,95.750000,95.750000,10580000 +1977-10-11,95.750000,95.970001,94.730003,94.930000,94.930000,17870000 +1977-10-12,94.820000,94.820000,93.400002,94.040001,94.040001,22440000 +1977-10-13,94.040001,94.320000,92.889999,93.459999,93.459999,23870000 +1977-10-14,93.459999,94.190002,92.879997,93.559998,93.559998,20410000 +1977-10-17,93.559998,94.029999,92.870003,93.470001,93.470001,17340000 +1977-10-18,93.470001,94.190002,93.010002,93.459999,93.459999,20130000 +1977-10-19,93.459999,93.709999,92.070000,92.379997,92.379997,22030000 +1977-10-20,92.379997,93.120003,91.599998,92.669998,92.669998,20520000 +1977-10-21,92.669998,92.989998,91.800003,92.320000,92.320000,20230000 +1977-10-24,92.320000,92.620003,91.360001,91.629997,91.629997,19210000 +1977-10-25,91.629997,91.709999,90.199997,91.000000,91.000000,23590000 +1977-10-26,91.000000,92.459999,90.440002,92.099998,92.099998,24860000 +1977-10-27,92.099998,93.150002,91.540001,92.339996,92.339996,21920000 +1977-10-28,92.339996,93.129997,91.879997,92.610001,92.610001,18050000 +1977-10-31,92.610001,93.029999,91.849998,92.339996,92.339996,17070000 +1977-11-01,92.190002,92.190002,91.000000,91.349998,91.349998,17170000 +1977-11-02,91.349998,91.589996,90.290001,90.709999,90.709999,20760000 +1977-11-03,90.709999,91.180000,90.010002,90.760002,90.760002,18090000 +1977-11-04,90.760002,91.970001,90.720001,91.580002,91.580002,21700000 +1977-11-07,91.580002,92.699997,91.320000,92.290001,92.290001,21270000 +1977-11-08,92.290001,92.970001,91.820000,92.459999,92.459999,19210000 +1977-11-09,92.459999,93.269997,92.010002,92.980003,92.980003,21330000 +1977-11-10,92.980003,95.099998,92.690002,94.709999,94.709999,31980000 +1977-11-11,95.099998,96.489998,95.099998,95.980003,95.980003,35260000 +1977-11-14,95.980003,96.379997,94.910004,95.320000,95.320000,23220000 +1977-11-15,95.320000,96.470001,94.730003,95.930000,95.930000,27740000 +1977-11-16,95.930000,96.470001,95.059998,95.449997,95.449997,24950000 +1977-11-17,95.449997,95.879997,94.589996,95.160004,95.160004,25110000 +1977-11-18,95.160004,95.879997,94.699997,95.330002,95.330002,23930000 +1977-11-21,95.330002,95.769997,94.589996,95.250000,95.250000,20110000 +1977-11-22,95.250000,96.519997,95.050003,96.089996,96.089996,28600000 +1977-11-23,96.089996,96.940002,95.599998,96.489998,96.489998,29150000 +1977-11-25,96.489998,97.110001,95.860001,96.690002,96.690002,17910000 +1977-11-28,96.690002,96.980003,95.669998,96.040001,96.040001,21570000 +1977-11-29,96.040001,96.089996,94.279999,94.550003,94.550003,22950000 +1977-11-30,94.550003,95.169998,93.779999,94.830002,94.830002,22670000 +1977-12-01,94.830002,95.449997,94.230003,94.690002,94.690002,24220000 +1977-12-02,94.690002,95.250000,94.080002,94.669998,94.669998,21160000 +1977-12-05,94.669998,95.010002,93.910004,94.269997,94.269997,19160000 +1977-12-06,94.089996,94.089996,92.440002,92.830002,92.830002,23770000 +1977-12-07,92.830002,93.389999,92.150002,92.779999,92.779999,21050000 +1977-12-08,92.779999,93.760002,92.510002,92.959999,92.959999,20400000 +1977-12-09,92.959999,94.110001,92.769997,93.650002,93.650002,19210000 +1977-12-12,93.650002,94.290001,93.180000,93.629997,93.629997,18180000 +1977-12-13,93.629997,94.040001,92.900002,93.559998,93.559998,19190000 +1977-12-14,93.559998,94.260002,92.940002,94.029999,94.029999,22110000 +1977-12-15,94.029999,94.419998,93.230003,93.550003,93.550003,21610000 +1977-12-16,93.550003,94.040001,92.930000,93.400002,93.400002,20270000 +1977-12-19,93.400002,93.709999,92.419998,92.690002,92.690002,21150000 +1977-12-20,92.690002,93.000000,91.760002,92.500000,92.500000,23250000 +1977-12-21,92.500000,93.580002,92.199997,93.050003,93.050003,24510000 +1977-12-22,93.050003,94.370003,93.050003,93.800003,93.800003,28100000 +1977-12-23,93.800003,94.989998,93.750000,94.690002,94.690002,20080000 +1977-12-27,94.690002,95.209999,94.089996,94.690002,94.690002,16750000 +1977-12-28,94.690002,95.199997,93.989998,94.750000,94.750000,19630000 +1977-12-29,94.750000,95.430000,94.099998,94.940002,94.940002,23610000 +1977-12-30,94.940002,95.669998,94.440002,95.099998,95.099998,23560000 +1978-01-03,95.099998,95.150002,93.489998,93.820000,93.820000,17720000 +1978-01-04,93.820000,94.099998,92.570000,93.519997,93.519997,24090000 +1978-01-05,93.519997,94.529999,92.510002,92.739998,92.739998,23570000 +1978-01-06,92.660004,92.660004,91.050003,91.620003,91.620003,26150000 +1978-01-09,91.480003,91.480003,89.970001,90.639999,90.639999,27990000 +1978-01-10,90.639999,91.290001,89.720001,90.169998,90.169998,25180000 +1978-01-11,90.169998,90.699997,89.230003,89.739998,89.739998,22880000 +1978-01-12,89.739998,90.599998,89.250000,89.820000,89.820000,22730000 +1978-01-13,89.820000,90.470001,89.260002,89.690002,89.690002,18010000 +1978-01-16,89.690002,90.110001,88.879997,89.430000,89.430000,18760000 +1978-01-17,89.430000,90.309998,89.050003,89.879997,89.879997,19360000 +1978-01-18,89.879997,90.860001,89.589996,90.559998,90.559998,21390000 +1978-01-19,90.559998,91.040001,89.739998,90.089996,90.089996,21500000 +1978-01-20,90.089996,90.269997,89.410004,89.889999,89.889999,7580000 +1978-01-23,89.889999,90.080002,88.809998,89.239998,89.239998,19380000 +1978-01-24,89.239998,89.800003,88.669998,89.250000,89.250000,18690000 +1978-01-25,89.250000,89.940002,88.830002,89.389999,89.389999,18690000 +1978-01-26,89.389999,89.790001,88.309998,88.580002,88.580002,19600000 +1978-01-27,88.580002,89.099998,88.019997,88.580002,88.580002,17600000 +1978-01-30,88.580002,89.669998,88.260002,89.339996,89.339996,17400000 +1978-01-31,89.339996,89.919998,88.610001,89.250000,89.250000,19870000 +1978-02-01,89.250000,90.239998,88.820000,89.930000,89.930000,22240000 +1978-02-02,89.930000,90.910004,89.540001,90.129997,90.129997,23050000 +1978-02-03,90.129997,90.320000,89.190002,89.620003,89.620003,19400000 +1978-02-06,89.620003,89.849998,88.949997,89.500000,89.500000,11630000 +1978-02-07,89.500000,90.529999,89.379997,90.330002,90.330002,14730000 +1978-02-08,90.330002,91.320000,90.089996,90.830002,90.830002,21300000 +1978-02-09,90.830002,90.959999,89.839996,90.300003,90.300003,17940000 +1978-02-10,90.300003,90.690002,89.559998,90.080002,90.080002,19480000 +1978-02-13,90.080002,90.300003,89.379997,89.860001,89.860001,16810000 +1978-02-14,89.860001,89.889999,88.699997,89.040001,89.040001,20470000 +1978-02-15,89.040001,89.400002,88.300003,88.830002,88.830002,20170000 +1978-02-16,88.769997,88.769997,87.639999,88.080002,88.080002,21570000 +1978-02-17,88.080002,88.699997,87.550003,87.959999,87.959999,18500000 +1978-02-21,87.959999,88.190002,87.089996,87.589996,87.589996,21890000 +1978-02-22,87.589996,88.150002,87.190002,87.559998,87.559998,18450000 +1978-02-23,87.559998,87.919998,86.830002,87.639999,87.639999,18720000 +1978-02-24,87.660004,88.870003,87.660004,88.489998,88.489998,22510000 +1978-02-27,88.489998,88.970001,87.489998,87.720001,87.720001,19990000 +1978-02-28,87.720001,87.760002,86.580002,87.040001,87.040001,19750000 +1978-03-01,87.040001,87.629997,86.449997,87.190002,87.190002,21010000 +1978-03-02,87.190002,87.809998,86.690002,87.320000,87.320000,20280000 +1978-03-03,87.320000,87.980003,86.830002,87.449997,87.449997,20120000 +1978-03-06,87.449997,87.519997,86.480003,86.900002,86.900002,17230000 +1978-03-07,86.900002,87.629997,86.550003,87.360001,87.360001,19900000 +1978-03-08,87.360001,88.080002,86.970001,87.839996,87.839996,22030000 +1978-03-09,87.839996,88.489998,87.339996,87.889999,87.889999,21820000 +1978-03-10,87.889999,89.250000,87.820000,88.879997,88.879997,27090000 +1978-03-13,88.879997,89.769997,88.480003,88.949997,88.949997,24070000 +1978-03-14,88.949997,89.620003,88.209999,89.349998,89.349998,24300000 +1978-03-15,89.349998,89.730003,88.519997,89.120003,89.120003,23340000 +1978-03-16,89.120003,89.769997,88.580002,89.510002,89.510002,25400000 +1978-03-17,89.510002,90.519997,89.169998,90.199997,90.199997,28470000 +1978-03-20,90.199997,91.349998,90.099998,90.820000,90.820000,28360000 +1978-03-21,90.820000,91.059998,89.500000,89.790001,89.790001,24410000 +1978-03-22,89.790001,90.070000,88.989998,89.470001,89.470001,21950000 +1978-03-23,89.470001,89.900002,88.830002,89.360001,89.360001,21290000 +1978-03-27,89.360001,89.500000,88.510002,88.870003,88.870003,18870000 +1978-03-28,88.870003,89.760002,88.470001,89.500000,89.500000,21600000 +1978-03-29,89.500000,90.169998,89.139999,89.639999,89.639999,25450000 +1978-03-30,89.639999,89.889999,88.970001,89.410004,89.410004,20460000 +1978-03-31,89.410004,89.639999,88.680000,89.209999,89.209999,20130000 +1978-04-03,89.199997,89.199997,88.070000,88.459999,88.459999,20230000 +1978-04-04,88.459999,89.180000,88.160004,88.860001,88.860001,20130000 +1978-04-05,88.860001,89.910004,88.620003,89.639999,89.639999,27260000 +1978-04-06,89.639999,90.459999,89.309998,89.790001,89.790001,27360000 +1978-04-07,89.790001,90.589996,89.389999,90.169998,90.169998,25160000 +1978-04-10,90.169998,90.879997,89.730003,90.489998,90.489998,25740000 +1978-04-11,90.489998,90.790001,89.769997,90.250000,90.250000,24300000 +1978-04-12,90.250000,90.779999,89.650002,90.110001,90.110001,26210000 +1978-04-13,90.110001,91.269997,89.820000,90.980003,90.980003,31580000 +1978-04-14,91.400002,93.309998,91.400002,92.919998,92.919998,52280000 +1978-04-17,93.599998,95.889999,93.599998,94.449997,94.449997,63510000 +1978-04-18,94.449997,94.720001,92.870003,93.430000,93.430000,38950000 +1978-04-19,93.430000,94.480003,92.750000,93.860001,93.860001,35060000 +1978-04-20,93.970001,95.709999,93.970001,94.540001,94.540001,43230000 +1978-04-21,94.540001,95.089996,93.709999,94.339996,94.339996,31540000 +1978-04-24,94.339996,96.000000,94.080002,95.769997,95.769997,34510000 +1978-04-25,96.050003,97.910004,96.050003,96.639999,96.639999,55800000 +1978-04-26,96.639999,97.750000,95.959999,96.820000,96.820000,44430000 +1978-04-27,96.820000,96.930000,95.300003,95.860001,95.860001,35470000 +1978-04-28,95.860001,97.099998,95.239998,96.830002,96.830002,32850000 +1978-05-01,96.830002,98.300003,96.410004,97.669998,97.669998,37020000 +1978-05-02,97.669998,98.110001,96.440002,97.250000,97.250000,41400000 +1978-05-03,97.250000,97.610001,95.839996,96.260002,96.260002,37560000 +1978-05-04,96.260002,96.430000,94.570000,95.930000,95.930000,37520000 +1978-05-05,95.930000,97.440002,95.559998,96.529999,96.529999,42680000 +1978-05-08,96.529999,97.500000,95.820000,96.190002,96.190002,34680000 +1978-05-09,96.190002,96.680000,95.330002,95.900002,95.900002,30860000 +1978-05-10,95.900002,96.690002,95.349998,95.919998,95.919998,33330000 +1978-05-11,95.919998,97.470001,95.599998,97.199997,97.199997,36630000 +1978-05-12,97.199997,98.889999,97.139999,98.070000,98.070000,46600000 +1978-05-15,98.070000,99.110001,97.400002,98.760002,98.760002,33890000 +1978-05-16,98.760002,100.160004,98.610001,99.349998,99.349998,48170000 +1978-05-17,99.349998,100.320000,98.629997,99.599998,99.599998,45490000 +1978-05-18,99.599998,100.040001,98.190002,98.620003,98.620003,42270000 +1978-05-19,98.620003,99.059998,97.419998,98.120003,98.120003,34360000 +1978-05-22,98.120003,99.430000,97.650002,99.089996,99.089996,28680000 +1978-05-23,99.089996,99.169998,97.529999,98.050003,98.050003,33230000 +1978-05-24,97.739998,97.739998,96.269997,97.080002,97.080002,31450000 +1978-05-25,97.080002,97.800003,96.300003,96.800003,96.800003,28410000 +1978-05-26,96.800003,97.139999,96.010002,96.580002,96.580002,21410000 +1978-05-30,96.580002,97.230003,95.949997,96.860001,96.860001,21040000 +1978-05-31,96.860001,97.970001,96.500000,97.239998,97.239998,29070000 +1978-06-01,97.239998,97.949997,96.629997,97.349998,97.349998,28750000 +1978-06-02,97.349998,98.519997,97.010002,98.139999,98.139999,31860000 +1978-06-05,98.139999,100.269997,97.970001,99.949997,99.949997,39580000 +1978-06-06,99.949997,101.839996,99.900002,100.320000,100.320000,51970000 +1978-06-07,100.320000,100.809998,99.360001,100.120003,100.120003,33060000 +1978-06-08,100.120003,101.209999,99.550003,100.209999,100.209999,39380000 +1978-06-09,100.209999,100.709999,99.300003,99.930000,99.930000,32470000 +1978-06-12,99.930000,100.599998,99.160004,99.550003,99.550003,24440000 +1978-06-13,99.550003,99.980003,98.430000,99.570000,99.570000,30760000 +1978-06-14,99.570000,100.680000,98.889999,99.480003,99.480003,37290000 +1978-06-15,99.480003,99.540001,97.970001,98.339996,98.339996,29280000 +1978-06-16,98.339996,98.589996,97.099998,97.419998,97.419998,27690000 +1978-06-19,97.419998,97.940002,96.529999,97.489998,97.489998,25500000 +1978-06-20,97.489998,97.779999,96.150002,96.510002,96.510002,27920000 +1978-06-21,96.510002,96.739998,95.419998,96.010002,96.010002,29100000 +1978-06-22,96.010002,96.760002,95.519997,96.239998,96.239998,27160000 +1978-06-23,96.239998,96.980003,95.489998,95.849998,95.849998,28530000 +1978-06-26,95.849998,96.059998,94.309998,94.599998,94.599998,29250000 +1978-06-27,94.599998,95.480003,93.989998,94.980003,94.980003,29280000 +1978-06-28,94.980003,95.790001,94.440002,95.400002,95.400002,23260000 +1978-06-29,95.400002,96.260002,95.000000,95.570000,95.570000,21660000 +1978-06-30,95.570000,95.959999,94.870003,95.529999,95.529999,18100000 +1978-07-03,95.529999,95.650002,94.620003,95.089996,95.089996,11560000 +1978-07-05,95.089996,95.199997,93.779999,94.269997,94.269997,23730000 +1978-07-06,94.269997,94.830002,93.589996,94.320000,94.320000,24990000 +1978-07-07,94.320000,95.320000,94.019997,94.889999,94.889999,23480000 +1978-07-10,94.889999,95.669998,94.279999,95.269997,95.269997,22470000 +1978-07-11,95.269997,96.489998,94.919998,95.930000,95.930000,27470000 +1978-07-12,95.930000,96.830002,95.500000,96.239998,96.239998,26640000 +1978-07-13,96.239998,96.660004,95.419998,96.250000,96.250000,23620000 +1978-07-14,96.250000,97.879997,95.889999,97.580002,97.580002,28370000 +1978-07-17,97.580002,98.839996,97.239998,97.779999,97.779999,29180000 +1978-07-18,97.779999,97.980003,96.519997,96.870003,96.870003,22860000 +1978-07-19,96.870003,98.410004,96.709999,98.120003,98.120003,30850000 +1978-07-20,98.120003,99.180000,97.489998,98.029999,98.029999,33350000 +1978-07-21,98.029999,98.570000,97.019997,97.750000,97.750000,26060000 +1978-07-24,97.750000,98.129997,96.720001,97.720001,97.720001,23280000 +1978-07-25,97.720001,98.730003,97.199997,98.440002,98.440002,25400000 +1978-07-26,99.080002,99.080002,99.080002,99.080002,99.080002,36830000 +1978-07-27,99.080002,100.169998,98.599998,99.540001,99.540001,33970000 +1978-07-28,99.540001,100.510002,98.900002,100.000000,100.000000,33390000 +1978-07-31,100.000000,101.180000,99.370003,100.680000,100.680000,33990000 +1978-08-01,100.680000,101.459999,99.949997,100.660004,100.660004,34810000 +1978-08-02,100.660004,103.209999,100.180000,102.919998,102.919998,47470000 +1978-08-03,102.919998,105.410004,102.820000,103.510002,103.510002,66370000 +1978-08-04,103.510002,104.669998,102.750000,103.919998,103.919998,37910000 +1978-08-07,103.919998,104.839996,103.029999,103.550003,103.550003,33350000 +1978-08-08,103.550003,104.349998,102.599998,104.010002,104.010002,34290000 +1978-08-09,104.010002,105.720001,103.699997,104.500000,104.500000,48800000 +1978-08-10,104.500000,105.110001,103.099998,103.660004,103.660004,39760000 +1978-08-11,103.660004,104.669998,102.849998,103.959999,103.959999,33550000 +1978-08-14,103.959999,104.980003,103.400002,103.970001,103.970001,32320000 +1978-08-15,103.970001,104.379997,102.860001,103.849998,103.849998,29760000 +1978-08-16,103.849998,105.150002,103.410004,104.650002,104.650002,36120000 +1978-08-17,104.650002,106.269997,104.339996,105.080002,105.080002,45270000 +1978-08-18,105.080002,105.980003,104.230003,104.730003,104.730003,34650000 +1978-08-21,104.730003,105.199997,103.440002,103.889999,103.889999,29440000 +1978-08-22,103.889999,104.790001,103.139999,104.309998,104.309998,29620000 +1978-08-23,104.309998,105.680000,104.120003,104.910004,104.910004,39630000 +1978-08-24,104.910004,105.860001,104.290001,105.080002,105.080002,38500000 +1978-08-25,105.080002,105.680000,104.239998,104.900002,104.900002,36190000 +1978-08-28,104.900002,105.139999,103.610001,103.959999,103.959999,31760000 +1978-08-29,103.959999,104.339996,102.919998,103.389999,103.389999,33780000 +1978-08-30,103.389999,104.260002,102.699997,103.500000,103.500000,37750000 +1978-08-31,103.500000,104.050003,102.629997,103.290001,103.290001,33850000 +1978-09-01,103.290001,104.269997,102.730003,103.680000,103.680000,35070000 +1978-09-05,103.680000,104.830002,103.309998,104.489998,104.489998,32170000 +1978-09-06,104.510002,106.190002,104.510002,105.379997,105.379997,42600000 +1978-09-07,105.379997,106.489998,104.760002,105.419998,105.419998,40310000 +1978-09-08,105.500000,107.190002,105.500000,106.790001,106.790001,42170000 +1978-09-11,106.790001,108.050003,106.419998,106.980003,106.980003,39670000 +1978-09-12,106.980003,107.480003,106.019997,106.989998,106.989998,34400000 +1978-09-13,106.989998,107.849998,105.870003,106.339996,106.339996,43340000 +1978-09-14,106.339996,106.620003,104.769997,105.099998,105.099998,37400000 +1978-09-15,105.099998,105.120003,103.559998,104.120003,104.120003,37290000 +1978-09-18,104.120003,105.029999,102.750000,103.209999,103.209999,35860000 +1978-09-19,103.209999,103.820000,102.120003,102.529999,102.529999,31660000 +1978-09-20,102.529999,103.290001,101.279999,101.730003,101.730003,35080000 +1978-09-21,101.730003,102.540001,100.660004,101.900002,101.900002,33640000 +1978-09-22,101.900002,102.690002,101.129997,101.839996,101.839996,27960000 +1978-09-25,101.839996,102.360001,101.050003,101.860001,101.860001,20970000 +1978-09-26,101.860001,103.150002,101.580002,102.620003,102.620003,26330000 +1978-09-27,102.620003,103.440002,101.330002,101.660004,101.660004,28370000 +1978-09-28,101.660004,102.379997,100.940002,101.959999,101.959999,24390000 +1978-09-29,101.959999,103.080002,101.650002,102.540001,102.540001,23610000 +1978-10-02,102.540001,103.419998,102.129997,102.959999,102.959999,18700000 +1978-10-03,102.959999,103.559998,102.180000,102.599998,102.599998,22540000 +1978-10-04,102.599998,103.360001,101.760002,103.059998,103.059998,25090000 +1978-10-05,103.059998,104.099998,102.540001,103.269997,103.269997,27820000 +1978-10-06,103.269997,104.230003,102.820000,103.519997,103.519997,27380000 +1978-10-09,103.519997,104.889999,103.309998,104.589996,104.589996,19720000 +1978-10-10,104.589996,105.360001,103.900002,104.459999,104.459999,25470000 +1978-10-11,104.459999,105.639999,103.800003,105.389999,105.389999,21740000 +1978-10-12,105.389999,106.230003,104.419998,104.879997,104.879997,30170000 +1978-10-13,104.879997,105.339996,104.070000,104.660004,104.660004,21920000 +1978-10-16,104.629997,104.629997,102.430000,102.610001,102.610001,24600000 +1978-10-17,102.349998,102.349998,100.470001,101.260002,101.260002,37870000 +1978-10-18,101.260002,101.760002,99.889999,100.489998,100.489998,32940000 +1978-10-19,100.489998,101.029999,99.040001,99.330002,99.330002,31810000 +1978-10-20,99.260002,99.260002,97.120003,97.949997,97.949997,43670000 +1978-10-23,97.949997,98.839996,96.629997,98.180000,98.180000,36090000 +1978-10-24,98.180000,98.949997,97.129997,97.489998,97.489998,28880000 +1978-10-25,97.489998,98.559998,96.330002,97.309998,97.309998,31380000 +1978-10-26,97.309998,97.709999,95.589996,96.029999,96.029999,31990000 +1978-10-27,96.029999,96.620003,94.300003,94.589996,94.589996,40360000 +1978-10-30,94.589996,95.489998,91.650002,95.059998,95.059998,59480000 +1978-10-31,95.059998,95.800003,92.720001,93.150002,93.150002,42720000 +1978-11-01,94.129997,97.410004,94.129997,96.849998,96.849998,50450000 +1978-11-02,96.849998,97.309998,94.839996,95.610001,95.610001,41030000 +1978-11-03,95.610001,96.980003,94.779999,96.180000,96.180000,25990000 +1978-11-06,96.180000,96.489998,94.839996,95.190002,95.190002,20450000 +1978-11-07,94.750000,94.750000,93.139999,93.849998,93.849998,25320000 +1978-11-08,93.849998,94.739998,92.889999,94.449997,94.449997,23560000 +1978-11-09,94.449997,95.500000,93.809998,94.419998,94.419998,23320000 +1978-11-10,94.419998,95.389999,93.940002,94.769997,94.769997,16750000 +1978-11-13,94.769997,94.900002,92.959999,93.129997,93.129997,20960000 +1978-11-14,93.129997,93.529999,91.769997,92.489998,92.489998,30610000 +1978-11-15,92.489998,94.000000,92.290001,92.709999,92.709999,26280000 +1978-11-16,92.709999,94.080002,92.589996,93.709999,93.709999,21340000 +1978-11-17,93.709999,95.029999,93.589996,94.419998,94.419998,25170000 +1978-11-20,94.419998,95.860001,94.290001,95.250000,95.250000,24440000 +1978-11-21,95.250000,95.830002,94.489998,95.010002,95.010002,20750000 +1978-11-22,95.010002,95.910004,94.540001,95.480003,95.480003,20010000 +1978-11-24,95.480003,96.169998,94.980003,95.790001,95.790001,14590000 +1978-11-27,95.790001,96.519997,95.169998,95.989998,95.989998,19790000 +1978-11-28,95.989998,96.510002,94.879997,95.150002,95.150002,22740000 +1978-11-29,94.919998,94.919998,93.480003,93.750000,93.750000,21160000 +1978-11-30,93.750000,94.940002,93.290001,94.699997,94.699997,19900000 +1978-12-01,95.010002,96.690002,95.010002,96.279999,96.279999,26830000 +1978-12-04,96.279999,96.959999,95.370003,96.150002,96.150002,22020000 +1978-12-05,96.150002,97.699997,95.879997,97.440002,97.440002,25670000 +1978-12-06,97.440002,98.580002,96.830002,97.489998,97.489998,29680000 +1978-12-07,97.489998,98.099998,96.580002,97.080002,97.080002,21170000 +1978-12-08,97.080002,97.480003,96.139999,96.629997,96.629997,18560000 +1978-12-11,96.629997,97.559998,96.070000,97.110001,97.110001,21000000 +1978-12-12,97.110001,97.580002,96.269997,96.589996,96.589996,22210000 +1978-12-13,96.589996,97.070000,95.589996,96.059998,96.059998,22480000 +1978-12-14,96.059998,96.440002,95.199997,96.040001,96.040001,20840000 +1978-12-15,96.040001,96.279999,94.879997,95.330002,95.330002,23620000 +1978-12-18,94.330002,94.330002,92.639999,93.440002,93.440002,32900000 +1978-12-19,93.440002,94.849998,93.050003,94.239998,94.239998,25960000 +1978-12-20,94.239998,95.199997,93.699997,94.680000,94.680000,26520000 +1978-12-21,94.680000,95.660004,94.110001,94.709999,94.709999,28670000 +1978-12-22,94.769997,96.620003,94.769997,96.309998,96.309998,23790000 +1978-12-26,96.309998,97.889999,95.989998,97.519997,97.519997,21470000 +1978-12-27,97.510002,97.510002,96.150002,96.660004,96.660004,23580000 +1978-12-28,96.660004,97.190002,95.820000,96.279999,96.279999,25440000 +1978-12-29,96.279999,97.029999,95.480003,96.110001,96.110001,30030000 +1979-01-02,96.110001,96.959999,95.220001,96.730003,96.730003,18340000 +1979-01-03,96.809998,98.540001,96.809998,97.800003,97.800003,29180000 +1979-01-04,97.800003,99.419998,97.519997,98.580002,98.580002,33290000 +1979-01-05,98.580002,99.790001,98.250000,99.129997,99.129997,28890000 +1979-01-08,99.129997,99.300003,97.830002,98.800003,98.800003,21440000 +1979-01-09,98.800003,99.959999,98.620003,99.330002,99.330002,27340000 +1979-01-10,99.330002,99.750000,98.279999,98.769997,98.769997,24990000 +1979-01-11,98.769997,99.410004,97.949997,99.099998,99.099998,24580000 +1979-01-12,99.320000,100.910004,99.320000,99.930000,99.930000,37120000 +1979-01-15,99.930000,101.129997,99.580002,100.690002,100.690002,27520000 +1979-01-16,100.690002,100.879997,99.110001,99.459999,99.459999,30340000 +1979-01-17,99.459999,100.000000,98.330002,99.480003,99.480003,25310000 +1979-01-18,99.480003,100.349998,98.910004,99.720001,99.720001,27260000 +1979-01-19,99.720001,100.570000,99.220001,99.750000,99.750000,26800000 +1979-01-22,99.750000,100.349998,98.900002,99.900002,99.900002,24390000 +1979-01-23,99.900002,101.050003,99.349998,100.599998,100.599998,30130000 +1979-01-24,100.599998,101.309998,99.669998,100.160004,100.160004,31730000 +1979-01-25,100.160004,101.660004,99.989998,101.190002,101.190002,31440000 +1979-01-26,101.190002,102.589996,101.029999,101.860001,101.860001,34230000 +1979-01-29,101.860001,102.330002,100.989998,101.550003,101.550003,24170000 +1979-01-30,101.550003,102.070000,100.680000,101.050003,101.050003,26910000 +1979-01-31,101.050003,101.410004,99.470001,99.930000,99.930000,30330000 +1979-02-01,99.930000,100.379997,99.010002,99.959999,99.959999,27930000 +1979-02-02,99.959999,100.519997,99.099998,99.500000,99.500000,25350000 +1979-02-05,99.070000,99.070000,97.570000,98.089996,98.089996,26490000 +1979-02-06,98.089996,98.739998,97.480003,98.050003,98.050003,23570000 +1979-02-07,98.050003,98.070000,96.510002,97.160004,97.160004,28450000 +1979-02-08,97.160004,98.110001,96.820000,97.650002,97.650002,23360000 +1979-02-09,97.650002,98.500000,97.279999,97.870003,97.870003,24320000 +1979-02-12,97.870003,98.550003,97.050003,98.199997,98.199997,20610000 +1979-02-13,98.250000,99.580002,98.250000,98.930000,98.930000,28470000 +1979-02-14,98.930000,99.639999,98.209999,98.870003,98.870003,27220000 +1979-02-15,98.870003,99.129997,97.959999,98.730003,98.730003,22550000 +1979-02-16,98.730003,99.230003,98.110001,98.669998,98.669998,21110000 +1979-02-20,98.669998,99.669998,98.260002,99.419998,99.419998,22010000 +1979-02-21,99.419998,100.070000,98.690002,99.070000,99.070000,26050000 +1979-02-22,99.070000,99.209999,97.879997,98.330002,98.330002,26290000 +1979-02-23,98.330002,98.500000,97.290001,97.779999,97.779999,22750000 +1979-02-26,97.779999,98.279999,97.199997,97.669998,97.669998,22620000 +1979-02-27,97.650002,97.650002,95.690002,96.129997,96.129997,31470000 +1979-02-28,96.129997,96.690002,95.379997,96.279999,96.279999,25090000 +1979-03-01,96.279999,97.279999,95.980003,96.900002,96.900002,23830000 +1979-03-02,96.900002,97.550003,96.440002,96.970001,96.970001,23130000 +1979-03-05,97.029999,98.639999,97.029999,98.059998,98.059998,25690000 +1979-03-06,98.059998,98.529999,97.360001,97.870003,97.870003,24490000 +1979-03-07,97.870003,99.230003,97.669998,98.440002,98.440002,28930000 +1979-03-08,98.440002,99.820000,98.099998,99.580002,99.580002,32000000 +1979-03-09,99.580002,100.580002,99.120003,99.540001,99.540001,33410000 +1979-03-12,99.540001,100.040001,98.559998,99.669998,99.669998,25740000 +1979-03-13,99.669998,100.660004,99.129997,99.839996,99.839996,31170000 +1979-03-14,99.839996,100.430000,99.230003,99.709999,99.709999,24630000 +1979-03-15,99.709999,100.570000,99.110001,99.860001,99.860001,29370000 +1979-03-16,99.860001,101.160004,99.529999,100.690002,100.690002,31770000 +1979-03-19,100.690002,101.940002,100.349998,101.059998,101.059998,34620000 +1979-03-20,101.059998,101.339996,100.010002,100.500000,100.500000,27180000 +1979-03-21,100.500000,101.480003,99.870003,101.250000,101.250000,31120000 +1979-03-22,101.250000,102.410004,101.040001,101.669998,101.669998,34380000 +1979-03-23,101.669998,102.370003,101.019997,101.599998,101.599998,33570000 +1979-03-26,101.599998,101.769997,100.599998,101.040001,101.040001,23430000 +1979-03-27,101.040001,102.709999,100.809998,102.480003,102.480003,32940000 +1979-03-28,102.480003,103.309998,101.739998,102.120003,102.120003,39920000 +1979-03-29,102.120003,102.779999,101.430000,102.029999,102.029999,28510000 +1979-03-30,102.029999,102.510002,101.029999,101.589996,101.589996,29970000 +1979-04-02,101.559998,101.559998,100.139999,100.900002,100.900002,28990000 +1979-04-03,100.900002,102.669998,100.809998,102.400002,102.400002,33530000 +1979-04-04,102.400002,103.730003,102.160004,102.650002,102.650002,41940000 +1979-04-05,102.650002,103.599998,102.160004,103.260002,103.260002,34520000 +1979-04-06,103.260002,103.949997,102.580002,103.180000,103.180000,34710000 +1979-04-09,103.180000,103.559998,102.279999,102.870003,102.870003,27230000 +1979-04-10,102.870003,103.830002,102.419998,103.339996,103.339996,31900000 +1979-04-11,103.339996,103.769997,101.919998,102.309998,102.309998,32900000 +1979-04-12,102.309998,102.769997,101.510002,102.000000,102.000000,26780000 +1979-04-16,102.000000,102.019997,100.669998,101.120003,101.120003,28050000 +1979-04-17,101.120003,101.940002,100.650002,101.239998,101.239998,29260000 +1979-04-18,101.239998,102.230003,100.959999,101.699997,101.699997,29510000 +1979-04-19,101.699997,102.400002,100.879997,101.279999,101.279999,31150000 +1979-04-20,101.279999,101.809998,100.459999,101.230003,101.230003,28830000 +1979-04-23,101.230003,102.000000,100.680000,101.570000,101.570000,25610000 +1979-04-24,101.570000,103.019997,101.389999,102.199997,102.199997,35540000 +1979-04-25,102.199997,103.070000,101.790001,102.500000,102.500000,31750000 +1979-04-26,102.500000,102.910004,101.580002,102.010002,102.010002,32400000 +1979-04-27,102.010002,102.320000,101.040001,101.800003,101.800003,29610000 +1979-04-30,101.800003,102.239998,100.910004,101.760002,101.760002,26440000 +1979-05-01,101.760002,102.500000,101.220001,101.680000,101.680000,31040000 +1979-05-02,101.680000,102.279999,101.000000,101.720001,101.720001,30510000 +1979-05-03,101.720001,102.570000,101.250000,101.809998,101.809998,30870000 +1979-05-04,101.809998,102.080002,100.419998,100.690002,100.690002,30630000 +1979-05-07,100.370003,100.370003,98.779999,99.019997,99.019997,30480000 +1979-05-08,99.019997,99.559998,97.980003,99.169998,99.169998,32720000 +1979-05-09,99.169998,100.010002,98.500000,99.459999,99.459999,27670000 +1979-05-10,99.459999,99.629997,98.220001,98.519997,98.519997,25230000 +1979-05-11,98.519997,99.029999,97.919998,98.519997,98.519997,24010000 +1979-05-14,98.519997,98.949997,97.709999,98.059998,98.059998,22450000 +1979-05-15,98.059998,98.900002,97.599998,98.139999,98.139999,26190000 +1979-05-16,98.139999,98.800003,97.489998,98.419998,98.419998,28350000 +1979-05-17,98.419998,100.220001,98.290001,99.940002,99.940002,30550000 +1979-05-18,99.940002,100.730003,99.330002,99.930000,99.930000,26590000 +1979-05-21,99.930000,100.750000,99.370003,100.139999,100.139999,25550000 +1979-05-22,100.139999,100.930000,99.449997,100.510002,100.510002,30400000 +1979-05-23,100.510002,101.309998,99.629997,99.889999,99.889999,30390000 +1979-05-24,99.889999,100.440002,99.139999,99.930000,99.930000,25710000 +1979-05-25,99.930000,100.680000,99.519997,100.220001,100.220001,27810000 +1979-05-29,100.220001,100.760002,99.559998,100.050003,100.050003,27040000 +1979-05-30,100.050003,100.250000,98.790001,99.110001,99.110001,29250000 +1979-05-31,99.110001,99.610001,98.290001,99.080002,99.080002,30300000 +1979-06-01,99.080002,99.699997,98.570000,99.169998,99.169998,24560000 +1979-06-04,99.169998,99.760002,98.610001,99.320000,99.320000,24040000 +1979-06-05,99.320000,101.070000,99.169998,100.620003,100.620003,35050000 +1979-06-06,100.620003,101.959999,100.379997,101.300003,101.300003,39830000 +1979-06-07,101.300003,102.540001,101.150002,101.790001,101.790001,43380000 +1979-06-08,101.790001,102.230003,100.910004,101.489998,101.489998,31470000 +1979-06-11,101.489998,102.239998,100.910004,101.910004,101.910004,28270000 +1979-06-12,101.910004,103.639999,101.809998,102.849998,102.849998,45450000 +1979-06-13,102.849998,103.580002,101.830002,102.309998,102.309998,40740000 +1979-06-14,102.309998,102.629997,101.040001,102.199997,102.199997,37850000 +1979-06-15,102.199997,102.779999,101.379997,102.089996,102.089996,40740000 +1979-06-18,102.089996,102.480003,101.050003,101.559998,101.559998,30970000 +1979-06-19,101.559998,102.279999,100.910004,101.580002,101.580002,30780000 +1979-06-20,101.580002,102.190002,100.930000,101.629997,101.629997,33790000 +1979-06-21,101.629997,102.739998,101.199997,102.089996,102.089996,36490000 +1979-06-22,102.089996,103.160004,101.910004,102.639999,102.639999,36410000 +1979-06-25,102.639999,102.910004,101.449997,102.089996,102.089996,31330000 +1979-06-26,102.089996,102.089996,101.220001,101.660004,101.660004,34680000 +1979-06-27,101.660004,102.949997,101.290001,102.269997,102.269997,36720000 +1979-06-28,102.269997,103.459999,101.910004,102.800003,102.800003,38470000 +1979-06-29,102.800003,103.669998,102.040001,102.910004,102.910004,34690000 +1979-07-02,102.910004,103.000000,101.449997,101.989998,101.989998,32060000 +1979-07-03,101.989998,102.570000,101.309998,102.089996,102.089996,31670000 +1979-07-05,102.089996,102.879997,101.589996,102.430000,102.430000,30290000 +1979-07-06,102.430000,103.910004,102.120003,103.620003,103.620003,38570000 +1979-07-09,103.620003,105.070000,103.360001,104.470001,104.470001,42460000 +1979-07-10,104.470001,105.169998,103.519997,104.199997,104.199997,39730000 +1979-07-11,104.199997,104.339996,102.870003,103.639999,103.639999,36650000 +1979-07-12,103.639999,103.720001,102.220001,102.690002,102.690002,31780000 +1979-07-13,102.690002,102.989998,101.489998,102.320000,102.320000,33080000 +1979-07-16,102.320000,103.199997,101.809998,102.739998,102.739998,26620000 +1979-07-17,102.739998,103.059998,101.269997,101.830002,101.830002,34270000 +1979-07-18,101.830002,102.059998,100.349998,101.690002,101.690002,35950000 +1979-07-19,101.690002,102.419998,101.040001,101.610001,101.610001,26780000 +1979-07-20,101.610001,102.320000,101.059998,101.820000,101.820000,26360000 +1979-07-23,101.820000,102.129997,100.839996,101.589996,101.589996,26860000 +1979-07-24,101.589996,102.500000,101.139999,101.970001,101.970001,29690000 +1979-07-25,101.970001,103.440002,101.849998,103.080002,103.080002,34890000 +1979-07-26,103.080002,103.629997,102.339996,103.099998,103.099998,32270000 +1979-07-27,103.099998,103.500000,102.290001,103.099998,103.099998,27760000 +1979-07-30,103.099998,103.629997,102.419998,103.150002,103.150002,28640000 +1979-07-31,103.150002,104.260002,102.889999,103.809998,103.809998,34360000 +1979-08-01,103.809998,104.570000,103.139999,104.169998,104.169998,36570000 +1979-08-02,104.169998,105.019997,103.589996,104.099998,104.099998,37720000 +1979-08-03,104.099998,104.559998,103.360001,104.040001,104.040001,28160000 +1979-08-06,104.040001,104.660004,103.269997,104.300003,104.300003,27190000 +1979-08-07,104.300003,106.230003,104.120003,105.650002,105.650002,45410000 +1979-08-08,105.650002,106.839996,105.199997,105.980003,105.980003,44970000 +1979-08-09,105.980003,106.250000,104.889999,105.489998,105.489998,34630000 +1979-08-10,105.489998,106.790001,104.809998,106.400002,106.400002,36740000 +1979-08-13,106.400002,107.900002,106.279999,107.419998,107.419998,41980000 +1979-08-14,107.419998,108.029999,106.599998,107.519997,107.519997,40910000 +1979-08-15,107.519997,108.639999,106.750000,108.250000,108.250000,46130000 +1979-08-16,108.250000,109.180000,107.379997,108.089996,108.089996,47000000 +1979-08-17,108.089996,108.940002,107.250000,108.300003,108.300003,31630000 +1979-08-20,108.300003,109.320000,107.690002,108.830002,108.830002,32300000 +1979-08-21,108.830002,109.680000,108.169998,108.910004,108.910004,38860000 +1979-08-22,108.910004,109.559998,108.089996,108.989998,108.989998,38450000 +1979-08-23,108.989998,109.589996,108.120003,108.629997,108.629997,35710000 +1979-08-24,108.629997,109.110001,107.650002,108.599998,108.599998,32730000 +1979-08-27,108.599998,109.839996,108.120003,109.139999,109.139999,32050000 +1979-08-28,109.139999,109.650002,108.470001,109.019997,109.019997,29430000 +1979-08-29,109.019997,109.589996,108.360001,109.019997,109.019997,30810000 +1979-08-30,109.019997,109.589996,108.400002,109.019997,109.019997,29300000 +1979-08-31,109.019997,109.800003,108.580002,109.320000,109.320000,26370000 +1979-09-04,109.320000,109.410004,107.220001,107.440002,107.440002,33350000 +1979-09-05,107.190002,107.190002,105.379997,106.400002,106.400002,41650000 +1979-09-06,106.400002,107.610001,105.970001,106.849998,106.849998,30330000 +1979-09-07,106.849998,108.089996,106.300003,107.660004,107.660004,34360000 +1979-09-10,107.660004,108.709999,107.209999,108.169998,108.169998,32980000 +1979-09-11,108.169998,108.830002,106.800003,107.510002,107.510002,42530000 +1979-09-12,107.510002,108.410004,106.720001,107.820000,107.820000,39350000 +1979-09-13,107.820000,108.529999,107.059998,107.849998,107.849998,35240000 +1979-09-14,107.849998,109.480003,107.419998,108.760002,108.760002,41980000 +1979-09-17,108.760002,110.059998,108.400002,108.839996,108.839996,37610000 +1979-09-18,108.839996,109.000000,107.320000,108.000000,108.000000,38750000 +1979-09-19,108.000000,109.019997,107.519997,108.279999,108.279999,35370000 +1979-09-20,108.279999,110.690002,107.589996,110.510002,110.510002,45100000 +1979-09-21,110.510002,111.580002,109.459999,110.470001,110.470001,52380000 +1979-09-24,110.470001,110.900002,109.160004,109.610001,109.610001,33790000 +1979-09-25,109.610001,110.190002,108.269997,109.680000,109.680000,32410000 +1979-09-26,109.680000,111.250000,109.370003,109.959999,109.959999,37700000 +1979-09-27,109.959999,110.750000,109.190002,110.209999,110.209999,33110000 +1979-09-28,110.209999,110.669998,108.699997,109.320000,109.320000,35950000 +1979-10-01,109.190002,109.190002,107.699997,108.559998,108.559998,24980000 +1979-10-02,108.559998,110.080002,108.029999,109.589996,109.589996,38310000 +1979-10-03,109.589996,110.430000,108.879997,109.589996,109.589996,36470000 +1979-10-04,109.589996,110.809998,109.139999,110.169998,110.169998,38800000 +1979-10-05,110.169998,112.160004,110.160004,111.269997,111.269997,48250000 +1979-10-08,111.269997,111.830002,109.650002,109.879997,109.879997,32610000 +1979-10-09,109.430000,109.430000,106.040001,106.629997,106.629997,55560000 +1979-10-10,106.230003,106.230003,102.309998,105.300003,105.300003,81620000 +1979-10-11,105.300003,106.330002,103.699997,105.050003,105.050003,47530000 +1979-10-12,105.050003,106.199997,104.010002,104.489998,104.489998,36390000 +1979-10-15,104.489998,104.739998,102.690002,103.360001,103.360001,34850000 +1979-10-16,103.360001,104.370003,102.519997,103.190002,103.190002,33770000 +1979-10-17,103.190002,104.540001,102.739998,103.389999,103.389999,29650000 +1979-10-18,103.389999,104.620003,102.919998,103.610001,103.610001,29590000 +1979-10-19,103.580002,103.580002,101.239998,101.599998,101.599998,42430000 +1979-10-22,101.379997,101.379997,99.059998,100.709999,100.709999,45240000 +1979-10-23,100.709999,101.440002,99.610001,100.279999,100.279999,32910000 +1979-10-24,100.279999,101.449997,99.660004,100.440002,100.440002,31480000 +1979-10-25,100.440002,101.389999,99.559998,100.000000,100.000000,28440000 +1979-10-26,100.000000,101.309998,99.589996,100.570000,100.570000,29660000 +1979-10-29,100.570000,101.559998,100.129997,100.709999,100.709999,22720000 +1979-10-30,100.709999,102.830002,100.410004,102.669998,102.669998,28890000 +1979-10-31,102.669998,103.160004,101.379997,101.820000,101.820000,27780000 +1979-11-01,101.820000,103.070000,101.099998,102.570000,102.570000,25880000 +1979-11-02,102.570000,103.209999,101.919998,102.510002,102.510002,23670000 +1979-11-05,102.510002,102.660004,101.239998,101.820000,101.820000,20470000 +1979-11-06,101.820000,102.010002,100.769997,101.199997,101.199997,21960000 +1979-11-07,100.970001,100.970001,99.419998,99.870003,99.870003,30830000 +1979-11-08,99.870003,101.000000,99.489998,100.300003,100.300003,26270000 +1979-11-09,100.580002,102.180000,100.580002,101.510002,101.510002,30060000 +1979-11-12,101.510002,103.720001,101.269997,103.510002,103.510002,26640000 +1979-11-13,103.510002,104.209999,102.419998,102.940002,102.940002,29240000 +1979-11-14,102.940002,104.129997,101.910004,103.389999,103.389999,30970000 +1979-11-15,103.389999,104.940002,103.099998,104.129997,104.129997,32380000 +1979-11-16,104.129997,104.720001,103.070000,103.790001,103.790001,30060000 +1979-11-19,103.790001,105.080002,103.169998,104.230003,104.230003,33090000 +1979-11-20,104.230003,105.110001,103.139999,103.690002,103.690002,35010000 +1979-11-21,103.690002,104.230003,102.040001,103.889999,103.889999,37020000 +1979-11-23,103.889999,105.129997,103.559998,104.669998,104.669998,23300000 +1979-11-26,104.830002,107.440002,104.830002,106.800003,106.800003,47940000 +1979-11-27,106.800003,107.889999,105.639999,106.379997,106.379997,45140000 +1979-11-28,106.379997,107.550003,105.290001,106.769997,106.769997,39690000 +1979-11-29,106.769997,107.839996,106.169998,106.809998,106.809998,33550000 +1979-11-30,106.809998,107.160004,105.559998,106.160004,106.160004,30480000 +1979-12-03,106.160004,106.650002,105.070000,105.830002,105.830002,29030000 +1979-12-04,105.830002,107.250000,105.660004,106.790001,106.790001,33510000 +1979-12-05,106.790001,108.360001,106.599998,107.250000,107.250000,39300000 +1979-12-06,107.250000,108.470001,106.709999,108.000000,108.000000,37510000 +1979-12-07,108.000000,109.239998,106.550003,107.519997,107.519997,42370000 +1979-12-10,107.519997,108.269997,106.650002,107.669998,107.669998,32270000 +1979-12-11,107.669998,108.580002,106.790001,107.489998,107.489998,36160000 +1979-12-12,107.489998,108.320000,106.779999,107.519997,107.519997,34630000 +1979-12-13,107.519997,108.290001,106.680000,107.669998,107.669998,36690000 +1979-12-14,107.669998,109.489998,107.370003,108.919998,108.919998,41800000 +1979-12-17,108.919998,110.330002,108.360001,109.330002,109.330002,43830000 +1979-12-18,109.330002,109.830002,107.830002,108.300003,108.300003,43310000 +1979-12-19,108.300003,108.790001,107.019997,108.199997,108.199997,41780000 +1979-12-20,108.199997,109.239998,107.400002,108.260002,108.260002,40380000 +1979-12-21,108.260002,108.760002,106.989998,107.589996,107.589996,36160000 +1979-12-24,107.589996,108.080002,106.800003,107.660004,107.660004,19150000 +1979-12-26,107.660004,108.370003,107.059998,107.779999,107.779999,24960000 +1979-12-27,107.779999,108.500000,107.139999,107.959999,107.959999,31410000 +1979-12-28,107.959999,108.610001,107.160004,107.839996,107.839996,34430000 +1979-12-31,107.839996,108.529999,107.260002,107.940002,107.940002,31530000 +1980-01-02,107.940002,108.430000,105.290001,105.760002,105.760002,40610000 +1980-01-03,105.760002,106.080002,103.260002,105.220001,105.220001,50480000 +1980-01-04,105.220001,107.080002,105.089996,106.519997,106.519997,39130000 +1980-01-07,106.519997,107.800003,105.800003,106.809998,106.809998,44500000 +1980-01-08,106.809998,109.290001,106.290001,108.949997,108.949997,53390000 +1980-01-09,108.949997,111.089996,108.410004,109.050003,109.050003,65260000 +1980-01-10,109.050003,110.860001,108.470001,109.889999,109.889999,55980000 +1980-01-11,109.889999,111.160004,108.889999,109.919998,109.919998,52890000 +1980-01-14,109.919998,111.440002,109.339996,110.379997,110.379997,52930000 +1980-01-15,110.379997,111.930000,109.449997,111.139999,111.139999,52320000 +1980-01-16,111.139999,112.900002,110.379997,111.050003,111.050003,67700000 +1980-01-17,111.050003,112.010002,109.809998,110.699997,110.699997,54170000 +1980-01-18,110.699997,111.739998,109.879997,111.070000,111.070000,47150000 +1980-01-21,111.070000,112.900002,110.660004,112.099998,112.099998,48040000 +1980-01-22,112.099998,113.099998,110.919998,111.510002,111.510002,50620000 +1980-01-23,111.510002,113.930000,110.930000,113.440002,113.440002,50730000 +1980-01-24,113.440002,115.269997,112.949997,113.699997,113.699997,59070000 +1980-01-25,113.699997,114.449997,112.360001,113.610001,113.610001,47100000 +1980-01-28,113.610001,115.650002,112.930000,114.849998,114.849998,53620000 +1980-01-29,114.849998,115.769997,113.029999,114.070000,114.070000,55480000 +1980-01-30,114.070000,115.849998,113.370003,115.199997,115.199997,51170000 +1980-01-31,115.199997,117.169998,113.779999,114.160004,114.160004,65900000 +1980-02-01,114.160004,115.540001,113.129997,115.120003,115.120003,46610000 +1980-02-04,115.120003,116.010002,113.830002,114.370003,114.370003,43070000 +1980-02-05,114.370003,115.250000,112.150002,114.660004,114.660004,41880000 +1980-02-06,114.660004,116.570000,113.650002,115.720001,115.720001,51950000 +1980-02-07,115.720001,117.870003,115.220001,116.279999,116.279999,57690000 +1980-02-08,116.279999,118.660004,115.720001,117.949997,117.949997,57860000 +1980-02-11,117.949997,119.050003,116.309998,117.120003,117.120003,58660000 +1980-02-12,117.120003,118.410004,115.750000,117.900002,117.900002,48090000 +1980-02-13,117.900002,120.220001,117.570000,118.440002,118.440002,65230000 +1980-02-14,118.440002,119.300003,116.040001,116.720001,116.720001,50540000 +1980-02-15,116.699997,116.699997,114.120003,115.410004,115.410004,46680000 +1980-02-19,115.410004,115.669998,113.349998,114.599998,114.599998,39480000 +1980-02-20,114.599998,117.180000,114.059998,116.470001,116.470001,44340000 +1980-02-21,116.470001,117.900002,114.440002,115.279999,115.279999,51530000 +1980-02-22,115.279999,116.459999,113.430000,115.040001,115.040001,48210000 +1980-02-25,114.930000,114.930000,112.620003,113.330002,113.330002,39140000 +1980-02-26,113.330002,114.760002,112.300003,113.980003,113.980003,40000000 +1980-02-27,113.980003,115.120003,111.910004,112.379997,112.379997,46430000 +1980-02-28,112.379997,113.699997,111.330002,112.349998,112.349998,40330000 +1980-02-29,112.349998,114.120003,111.769997,113.660004,113.660004,38810000 +1980-03-03,113.660004,114.339996,112.010002,112.500000,112.500000,38690000 +1980-03-04,112.500000,113.410004,110.830002,112.779999,112.779999,44310000 +1980-03-05,112.779999,113.940002,110.580002,111.129997,111.129997,49240000 +1980-03-06,111.129997,111.290001,107.849998,108.650002,108.650002,49610000 +1980-03-07,108.650002,108.959999,105.989998,106.900002,106.900002,50950000 +1980-03-10,106.900002,107.860001,104.919998,106.510002,106.510002,43750000 +1980-03-11,106.510002,108.540001,106.180000,107.779999,107.779999,41350000 +1980-03-12,107.779999,108.400002,105.419998,106.870003,106.870003,37990000 +1980-03-13,106.870003,107.550003,105.099998,105.620003,105.620003,33070000 +1980-03-14,105.620003,106.489998,104.010002,105.430000,105.430000,35180000 +1980-03-17,105.230003,105.230003,101.820000,102.260002,102.260002,37020000 +1980-03-18,102.260002,104.709999,101.139999,104.099998,104.099998,47340000 +1980-03-19,104.099998,105.720001,103.349998,104.309998,104.309998,36520000 +1980-03-20,104.309998,105.169998,102.519997,103.120003,103.120003,32580000 +1980-03-21,103.120003,103.730003,101.550003,102.309998,102.309998,32220000 +1980-03-24,102.180000,102.180000,98.879997,99.279999,99.279999,39230000 +1980-03-25,99.279999,100.580002,97.889999,99.190002,99.190002,43790000 +1980-03-26,99.190002,101.220001,98.099998,98.680000,98.680000,37370000 +1980-03-27,98.680000,99.580002,94.230003,98.220001,98.220001,63680000 +1980-03-28,98.220001,101.430000,97.720001,100.680000,100.680000,46720000 +1980-03-31,100.680000,102.650002,100.019997,102.089996,102.089996,35840000 +1980-04-01,102.089996,103.279999,100.849998,102.180000,102.180000,32230000 +1980-04-02,102.180000,103.870003,101.449997,102.680000,102.680000,35210000 +1980-04-03,102.680000,103.339996,101.309998,102.150002,102.150002,27970000 +1980-04-07,102.150002,102.269997,99.730003,100.190002,100.190002,29130000 +1980-04-08,100.190002,101.879997,99.230003,101.199997,101.199997,31700000 +1980-04-09,101.199997,103.599998,101.010002,103.110001,103.110001,33020000 +1980-04-10,103.110001,105.000000,102.809998,104.080002,104.080002,33940000 +1980-04-11,104.080002,105.150002,103.199997,103.790001,103.790001,29960000 +1980-04-14,103.790001,103.919998,102.080002,102.839996,102.839996,23060000 +1980-04-15,102.839996,103.940002,101.849998,102.629997,102.629997,26670000 +1980-04-16,102.629997,104.419998,101.129997,101.540001,101.540001,39730000 +1980-04-17,101.540001,102.209999,100.120003,101.050003,101.050003,32770000 +1980-04-18,101.050003,102.070000,99.970001,100.550003,100.550003,26880000 +1980-04-21,100.550003,101.260002,98.949997,99.800003,99.800003,27560000 +1980-04-22,100.809998,104.019997,100.809998,103.430000,103.430000,47920000 +1980-04-23,103.430000,105.110001,102.809998,103.730003,103.730003,42620000 +1980-04-24,103.730003,105.430000,102.930000,104.400002,104.400002,35790000 +1980-04-25,104.400002,105.570000,103.019997,105.160004,105.160004,28590000 +1980-04-28,105.160004,106.790001,104.639999,105.639999,105.639999,30600000 +1980-04-29,105.639999,106.699997,104.860001,105.860001,105.860001,27940000 +1980-04-30,105.860001,106.720001,104.500000,106.290001,106.290001,30850000 +1980-05-01,106.290001,106.860001,104.720001,105.459999,105.459999,32480000 +1980-05-02,105.459999,106.250000,104.610001,105.580002,105.580002,28040000 +1980-05-05,105.580002,106.830002,104.639999,106.379997,106.379997,34090000 +1980-05-06,106.379997,107.830002,105.360001,106.250000,106.250000,40160000 +1980-05-07,106.250000,108.120003,105.830002,107.180000,107.180000,42600000 +1980-05-08,107.180000,108.019997,105.500000,106.129997,106.129997,39280000 +1980-05-09,106.129997,106.199997,104.180000,104.720001,104.720001,30280000 +1980-05-12,104.720001,105.480003,103.500000,104.779999,104.779999,28220000 +1980-05-13,104.779999,106.760002,104.440002,106.300003,106.300003,35460000 +1980-05-14,106.300003,107.889999,106.000000,106.849998,106.849998,40840000 +1980-05-15,106.849998,107.989998,106.070000,106.989998,106.989998,41120000 +1980-05-16,106.989998,107.889999,106.250000,107.349998,107.349998,31710000 +1980-05-19,107.349998,108.430000,106.510002,107.669998,107.669998,30970000 +1980-05-20,107.669998,108.389999,106.750000,107.620003,107.620003,31800000 +1980-05-21,107.620003,108.309998,106.540001,107.720001,107.720001,34830000 +1980-05-22,107.720001,109.730003,107.339996,109.010002,109.010002,41040000 +1980-05-23,109.010002,111.370003,109.010002,110.620003,110.620003,45790000 +1980-05-27,110.620003,112.300003,110.349998,111.400002,111.400002,40810000 +1980-05-28,111.400002,112.720001,110.419998,112.059998,112.059998,38580000 +1980-05-29,112.059998,112.639999,109.860001,110.269997,110.269997,42000000 +1980-05-30,110.269997,111.550003,108.870003,111.239998,111.239998,34820000 +1980-06-02,111.239998,112.150002,110.059998,110.760002,110.760002,32710000 +1980-06-03,110.760002,111.629997,109.769997,110.510002,110.510002,33150000 +1980-06-04,110.510002,113.449997,110.220001,112.610001,112.610001,44180000 +1980-06-05,112.610001,114.379997,111.889999,112.779999,112.779999,49070000 +1980-06-06,112.779999,114.010002,112.110001,113.199997,113.199997,37230000 +1980-06-09,113.199997,114.510002,112.680000,113.709999,113.709999,36820000 +1980-06-10,113.709999,115.500000,113.169998,114.660004,114.660004,42030000 +1980-06-11,114.660004,116.639999,114.220001,116.019997,116.019997,43800000 +1980-06-12,116.019997,117.010002,114.279999,115.519997,115.519997,47300000 +1980-06-13,115.519997,116.940002,114.669998,115.809998,115.809998,41880000 +1980-06-16,115.809998,116.800003,114.779999,116.089996,116.089996,36190000 +1980-06-17,116.089996,117.160004,115.129997,116.029999,116.029999,41990000 +1980-06-18,116.029999,116.839996,114.769997,116.260002,116.260002,41960000 +1980-06-19,116.260002,116.809998,114.360001,114.660004,114.660004,38280000 +1980-06-20,114.660004,114.900002,113.120003,114.059998,114.059998,36530000 +1980-06-23,114.059998,115.279999,113.349998,114.510002,114.510002,34180000 +1980-06-24,114.510002,115.750000,113.760002,115.139999,115.139999,37730000 +1980-06-25,115.139999,117.370003,115.070000,116.720001,116.720001,46500000 +1980-06-26,116.720001,117.980003,115.580002,116.190002,116.190002,45110000 +1980-06-27,116.190002,116.930000,115.059998,116.000000,116.000000,33110000 +1980-06-30,116.000000,116.040001,113.550003,114.239998,114.239998,29910000 +1980-07-01,114.239998,115.449997,113.540001,114.930000,114.930000,34340000 +1980-07-02,114.930000,116.440002,114.360001,115.680000,115.680000,42950000 +1980-07-03,115.680000,117.800003,115.489998,117.459999,117.459999,47230000 +1980-07-07,117.459999,118.849998,116.959999,118.290001,118.290001,42540000 +1980-07-08,118.290001,119.110001,117.070000,117.839996,117.839996,45830000 +1980-07-09,117.839996,119.519997,117.099998,117.980003,117.980003,52010000 +1980-07-10,117.980003,118.570000,116.379997,116.949997,116.949997,43730000 +1980-07-11,116.949997,118.379997,116.290001,117.839996,117.839996,38310000 +1980-07-14,117.839996,120.370003,117.449997,120.010002,120.010002,45500000 +1980-07-15,120.010002,121.559998,118.849998,119.300003,119.300003,60920000 +1980-07-16,119.300003,120.870003,118.540001,119.629997,119.629997,49140000 +1980-07-17,119.629997,121.839996,119.430000,121.440002,121.440002,48850000 +1980-07-18,121.440002,123.190002,120.879997,122.040001,122.040001,58040000 +1980-07-21,122.040001,123.150002,120.849998,122.510002,122.510002,42750000 +1980-07-22,122.510002,123.900002,121.379997,122.190002,122.190002,52230000 +1980-07-23,122.190002,123.260002,120.930000,121.930000,121.930000,45890000 +1980-07-24,121.930000,122.980003,120.830002,121.790001,121.790001,42420000 +1980-07-25,121.790001,121.959999,119.940002,120.779999,120.779999,36250000 +1980-07-28,120.779999,122.019997,119.779999,121.430000,121.430000,35330000 +1980-07-29,121.430000,122.989998,120.760002,122.400002,122.400002,44840000 +1980-07-30,122.400002,123.930000,121.160004,122.230003,122.230003,58060000 +1980-07-31,122.230003,122.339996,119.400002,121.669998,121.669998,54610000 +1980-08-01,121.669998,122.379997,120.080002,121.209999,121.209999,46440000 +1980-08-04,121.209999,121.629997,119.419998,120.980003,120.980003,41550000 +1980-08-05,120.980003,122.089996,119.959999,120.739998,120.739998,45510000 +1980-08-06,120.739998,122.010002,119.940002,121.550003,121.550003,45050000 +1980-08-07,121.660004,123.839996,121.660004,123.300003,123.300003,61820000 +1980-08-08,123.300003,125.230003,122.820000,123.610001,123.610001,58860000 +1980-08-11,123.610001,125.309998,122.849998,124.779999,124.779999,44690000 +1980-08-12,124.779999,125.779999,123.290001,123.790001,123.790001,52050000 +1980-08-13,123.790001,124.669998,122.489998,123.279999,123.279999,44350000 +1980-08-14,123.279999,125.620003,122.680000,125.250000,125.250000,47700000 +1980-08-15,125.250000,126.610001,124.570000,125.720001,125.720001,47780000 +1980-08-18,125.279999,125.279999,122.820000,123.389999,123.389999,41890000 +1980-08-19,123.389999,124.000000,121.970001,122.599998,122.599998,41930000 +1980-08-20,122.599998,124.269997,121.910004,123.769997,123.769997,42560000 +1980-08-21,123.769997,125.989998,123.610001,125.459999,125.459999,50770000 +1980-08-22,125.459999,127.779999,125.180000,126.019997,126.019997,58210000 +1980-08-25,126.019997,126.279999,124.650002,125.160004,125.160004,35400000 +1980-08-26,125.160004,126.290001,124.010002,124.839996,124.839996,41700000 +1980-08-27,124.839996,124.980003,122.930000,123.519997,123.519997,44000000 +1980-08-28,123.519997,123.910004,121.610001,122.080002,122.080002,39890000 +1980-08-29,122.080002,123.010002,121.059998,122.379997,122.379997,33510000 +1980-09-02,122.379997,124.360001,121.790001,123.739998,123.739998,35290000 +1980-09-03,123.870003,126.430000,123.870003,126.120003,126.120003,52370000 +1980-09-04,126.120003,127.699997,124.419998,125.419998,125.419998,59030000 +1980-09-05,125.419998,126.120003,124.080002,124.879997,124.879997,37990000 +1980-09-08,124.879997,125.669998,122.779999,123.309998,123.309998,42050000 +1980-09-09,123.309998,124.519997,121.940002,124.070000,124.070000,44460000 +1980-09-10,124.070000,125.949997,123.599998,124.809998,124.809998,51430000 +1980-09-11,124.809998,126.480003,124.190002,125.660004,125.660004,44770000 +1980-09-12,125.660004,126.750000,124.720001,125.540001,125.540001,47180000 +1980-09-15,125.540001,126.349998,124.089996,125.669998,125.669998,44630000 +1980-09-16,125.669998,127.779999,125.150002,126.739998,126.739998,57290000 +1980-09-17,126.739998,129.679993,126.370003,128.869995,128.869995,63990000 +1980-09-18,128.869995,130.380005,127.629997,128.399994,128.399994,63390000 +1980-09-19,128.399994,130.330002,127.570000,129.250000,129.250000,53780000 +1980-09-22,129.250000,130.990005,127.889999,130.399994,130.399994,53140000 +1980-09-23,130.399994,132.169998,128.550003,129.429993,129.429993,64390000 +1980-09-24,129.429993,131.339996,128.449997,130.369995,130.369995,56860000 +1980-09-25,130.369995,131.529999,128.130005,128.720001,128.720001,49510000 +1980-09-26,128.169998,128.169998,125.290001,126.349998,126.349998,49460000 +1980-09-29,125.410004,125.410004,122.870003,123.540001,123.540001,46410000 +1980-09-30,123.540001,126.089996,123.540001,125.459999,125.459999,40290000 +1980-10-01,125.459999,127.879997,124.660004,127.129997,127.129997,48720000 +1980-10-02,127.129997,128.820007,126.040001,128.089996,128.089996,46160000 +1980-10-03,128.089996,130.440002,127.650002,129.330002,129.330002,47510000 +1980-10-06,129.350006,132.380005,129.350006,131.729996,131.729996,50130000 +1980-10-07,131.729996,132.880005,130.100006,131.000000,131.000000,50310000 +1980-10-08,131.000000,132.779999,130.279999,131.649994,131.649994,46580000 +1980-10-09,131.649994,132.649994,130.250000,131.039993,131.039993,43980000 +1980-10-10,131.039993,132.149994,129.580002,130.289993,130.289993,44040000 +1980-10-13,130.289993,132.460007,129.369995,132.029999,132.029999,31360000 +1980-10-14,132.029999,133.570007,131.160004,132.020004,132.020004,48830000 +1980-10-15,132.020004,134.350006,131.589996,133.699997,133.699997,48260000 +1980-10-16,133.699997,135.880005,131.639999,132.220001,132.220001,65450000 +1980-10-17,132.220001,133.070007,130.220001,131.520004,131.520004,43920000 +1980-10-20,131.520004,133.210007,130.039993,132.610001,132.610001,40910000 +1980-10-21,132.610001,134.009995,130.779999,131.839996,131.839996,51220000 +1980-10-22,131.839996,132.970001,130.619995,131.919998,131.919998,43060000 +1980-10-23,131.919998,132.539993,128.869995,129.529999,129.529999,49200000 +1980-10-24,129.529999,130.550003,128.039993,129.850006,129.850006,41050000 +1980-10-27,129.850006,129.940002,127.339996,127.879997,127.879997,34430000 +1980-10-28,127.879997,128.860001,126.360001,128.050003,128.050003,40300000 +1980-10-29,128.050003,129.910004,127.070000,127.910004,127.910004,37200000 +1980-10-30,127.910004,128.710007,125.779999,126.290001,126.290001,39060000 +1980-10-31,126.290001,128.240005,125.290001,127.470001,127.470001,40110000 +1980-11-03,127.470001,129.850006,127.230003,129.039993,129.039993,35820000 +1980-11-05,130.770004,135.649994,130.770004,131.330002,131.330002,84080000 +1980-11-06,131.300003,131.300003,128.229996,128.910004,128.910004,48890000 +1980-11-07,128.910004,130.080002,127.739998,129.179993,129.179993,40070000 +1980-11-10,129.179993,130.509995,128.190002,129.479996,129.479996,35720000 +1980-11-11,129.479996,132.300003,129.479996,131.259995,131.259995,41520000 +1980-11-12,131.330002,135.119995,131.330002,134.589996,134.589996,58500000 +1980-11-13,134.589996,137.210007,134.119995,136.490005,136.490005,69340000 +1980-11-14,136.490005,138.960007,135.119995,137.149994,137.149994,71630000 +1980-11-17,137.149994,138.460007,134.899994,137.750000,137.750000,50260000 +1980-11-18,137.910004,140.919998,137.910004,139.699997,139.699997,70380000 +1980-11-19,139.699997,141.759995,138.059998,139.059998,139.059998,69230000 +1980-11-20,139.059998,141.240005,137.789993,140.399994,140.399994,60180000 +1980-11-21,140.399994,141.240005,138.100006,139.110001,139.110001,55950000 +1980-11-24,139.110001,139.360001,136.360001,138.309998,138.309998,51120000 +1980-11-25,138.309998,140.830002,137.419998,139.330002,139.330002,55840000 +1980-11-26,139.330002,141.960007,138.600006,140.169998,140.169998,55340000 +1980-11-28,140.169998,141.539993,139.000000,140.520004,140.520004,34240000 +1980-12-01,140.520004,140.660004,136.750000,137.210007,137.210007,48180000 +1980-12-02,137.210007,138.110001,134.369995,136.970001,136.970001,52340000 +1980-12-03,136.970001,138.089996,135.429993,136.710007,136.710007,43430000 +1980-12-04,136.710007,138.399994,135.089996,136.479996,136.479996,51170000 +1980-12-05,136.369995,136.369995,132.910004,134.029999,134.029999,51990000 +1980-12-08,133.190002,133.190002,129.710007,130.610001,130.610001,53390000 +1980-12-09,130.610001,131.919998,128.770004,130.479996,130.479996,53220000 +1980-12-10,130.479996,131.990005,127.940002,128.259995,128.259995,49860000 +1980-12-11,128.259995,128.729996,125.320000,127.360001,127.360001,60220000 +1980-12-12,127.360001,129.979996,127.150002,129.229996,129.229996,39530000 +1980-12-15,129.229996,131.330002,128.639999,129.449997,129.449997,39700000 +1980-12-16,129.449997,131.220001,128.330002,130.600006,130.600006,41630000 +1980-12-17,130.600006,133.589996,130.220001,132.889999,132.889999,50800000 +1980-12-18,132.889999,135.899994,131.889999,133.000000,133.000000,69570000 +1980-12-19,133.000000,134.000000,131.800003,133.699997,133.699997,50770000 +1980-12-22,133.699997,136.679993,132.880005,135.779999,135.779999,51950000 +1980-12-23,135.779999,137.479996,134.009995,135.300003,135.300003,55260000 +1980-12-24,135.300003,136.550003,134.149994,135.880005,135.880005,29490000 +1980-12-26,135.880005,137.020004,135.199997,136.570007,136.570007,16130000 +1980-12-29,136.570007,137.509995,134.360001,135.029999,135.029999,36060000 +1980-12-30,135.029999,136.509995,134.039993,135.330002,135.330002,39750000 +1980-12-31,135.330002,136.759995,134.289993,135.759995,135.759995,41210000 +1981-01-02,135.759995,137.100006,134.610001,136.339996,136.339996,28870000 +1981-01-05,136.339996,139.240005,135.860001,137.970001,137.970001,58710000 +1981-01-06,137.970001,140.320007,135.779999,138.119995,138.119995,67400000 +1981-01-07,136.020004,136.020004,132.300003,135.080002,135.080002,92890000 +1981-01-08,135.080002,136.100006,131.960007,133.059998,133.059998,55350000 +1981-01-09,133.059998,134.759995,131.710007,133.479996,133.479996,50190000 +1981-01-12,133.479996,135.880005,132.789993,133.520004,133.520004,48760000 +1981-01-13,133.520004,134.270004,131.690002,133.289993,133.289993,40890000 +1981-01-14,133.289993,135.250000,132.649994,133.470001,133.470001,41390000 +1981-01-15,133.470001,135.149994,132.440002,134.220001,134.220001,39640000 +1981-01-16,134.220001,135.910004,133.350006,134.770004,134.770004,43260000 +1981-01-19,134.770004,135.860001,133.509995,134.369995,134.369995,36470000 +1981-01-20,134.369995,135.300003,131.259995,131.649994,131.649994,41750000 +1981-01-21,131.649994,132.479996,129.929993,131.360001,131.360001,39190000 +1981-01-22,131.360001,132.080002,129.229996,130.259995,130.259995,39880000 +1981-01-23,130.259995,131.339996,129.000000,130.229996,130.229996,37220000 +1981-01-26,130.229996,131.179993,128.570007,129.839996,129.839996,35380000 +1981-01-27,129.839996,131.949997,129.320007,131.119995,131.119995,42260000 +1981-01-28,131.119995,132.410004,129.820007,130.339996,130.339996,36690000 +1981-01-29,130.339996,131.779999,128.970001,130.240005,130.240005,38170000 +1981-01-30,130.240005,131.649994,128.610001,129.550003,129.550003,41160000 +1981-02-02,129.479996,129.479996,125.820000,126.910004,126.910004,44070000 +1981-02-03,126.910004,128.919998,125.889999,128.460007,128.460007,45950000 +1981-02-04,128.460007,129.710007,127.290001,128.589996,128.589996,45520000 +1981-02-05,128.589996,130.490005,127.989998,129.630005,129.630005,45320000 +1981-02-06,129.630005,131.809998,129.029999,130.600006,130.600006,45820000 +1981-02-09,130.600006,131.389999,128.610001,129.270004,129.270004,38330000 +1981-02-10,129.270004,130.190002,128.050003,129.240005,129.240005,40820000 +1981-02-11,129.240005,129.919998,127.599998,128.240005,128.240005,37770000 +1981-02-12,128.240005,128.949997,126.779999,127.480003,127.480003,34700000 +1981-02-13,127.480003,128.339996,126.040001,126.980003,126.980003,33360000 +1981-02-17,126.980003,128.750000,126.430000,127.809998,127.809998,37940000 +1981-02-18,127.809998,129.250000,127.089996,128.479996,128.479996,40410000 +1981-02-19,128.479996,129.070007,125.980003,126.610001,126.610001,41630000 +1981-02-20,126.610001,127.650002,124.660004,126.580002,126.580002,41900000 +1981-02-23,126.580002,128.279999,125.690002,127.349998,127.349998,39590000 +1981-02-24,127.349998,128.759995,126.489998,127.389999,127.389999,43960000 +1981-02-25,127.389999,129.210007,125.769997,128.520004,128.520004,45710000 +1981-02-26,128.520004,130.929993,128.020004,130.100006,130.100006,60300000 +1981-02-27,130.100006,132.020004,129.350006,131.270004,131.270004,53210000 +1981-03-02,131.270004,132.960007,130.149994,132.009995,132.009995,47710000 +1981-03-03,132.009995,132.720001,129.660004,130.559998,130.559998,48730000 +1981-03-04,130.559998,132.070007,129.570007,130.860001,130.860001,47260000 +1981-03-05,130.860001,131.820007,129.250000,129.929993,129.929993,45380000 +1981-03-06,129.929993,131.179993,128.559998,129.850006,129.850006,43940000 +1981-03-09,129.850006,131.940002,129.389999,131.119995,131.119995,46180000 +1981-03-10,131.119995,132.639999,129.720001,130.460007,130.460007,56610000 +1981-03-11,130.460007,131.199997,128.720001,129.949997,129.949997,47390000 +1981-03-12,129.949997,133.559998,129.759995,133.190002,133.190002,54640000 +1981-03-13,133.190002,135.529999,132.389999,133.110001,133.110001,68290000 +1981-03-16,133.110001,135.350006,132.100006,134.679993,134.679993,49940000 +1981-03-17,134.679993,136.089996,132.800003,133.919998,133.919998,65920000 +1981-03-18,133.919998,135.660004,132.800003,134.220001,134.220001,55740000 +1981-03-19,134.220001,135.369995,132.369995,133.460007,133.460007,62440000 +1981-03-20,133.460007,135.289993,132.500000,134.080002,134.080002,61980000 +1981-03-23,134.080002,136.500000,133.410004,135.690002,135.690002,57880000 +1981-03-24,135.690002,137.399994,134.100006,134.669998,134.669998,66400000 +1981-03-25,134.669998,137.320007,133.919998,137.110001,137.110001,56320000 +1981-03-26,137.110001,138.380005,135.289993,136.270004,136.270004,60370000 +1981-03-27,136.270004,136.889999,133.910004,134.649994,134.649994,46930000 +1981-03-30,134.649994,135.869995,133.509995,134.279999,134.279999,33500000 +1981-03-31,134.679993,137.149994,134.679993,136.000000,136.000000,50980000 +1981-04-01,136.000000,137.559998,135.039993,136.570007,136.570007,54880000 +1981-04-02,136.570007,137.720001,135.160004,136.320007,136.320007,52570000 +1981-04-03,136.320007,137.039993,134.669998,135.490005,135.490005,48680000 +1981-04-06,135.490005,135.610001,132.910004,133.929993,133.929993,43190000 +1981-04-07,133.929993,135.270004,132.960007,133.910004,133.910004,44540000 +1981-04-08,133.910004,135.339996,133.259995,134.309998,134.309998,48000000 +1981-04-09,134.309998,135.800003,132.589996,134.669998,134.669998,59520000 +1981-04-10,134.669998,136.229996,133.179993,134.509995,134.509995,58130000 +1981-04-13,134.509995,134.910004,132.240005,133.149994,133.149994,49860000 +1981-04-14,133.149994,134.029999,131.580002,132.679993,132.679993,48350000 +1981-04-15,132.679993,134.789993,132.199997,134.169998,134.169998,56040000 +1981-04-16,134.169998,135.820007,133.429993,134.699997,134.699997,52950000 +1981-04-20,134.699997,136.250000,133.190002,135.449997,135.449997,51020000 +1981-04-21,135.449997,136.380005,133.490005,134.229996,134.229996,60280000 +1981-04-22,134.229996,135.539993,132.720001,134.139999,134.139999,60660000 +1981-04-23,134.139999,135.899994,132.899994,133.940002,133.940002,64200000 +1981-04-24,133.940002,136.000000,132.880005,135.139999,135.139999,60000000 +1981-04-27,135.139999,136.559998,134.130005,135.479996,135.479996,51080000 +1981-04-28,135.479996,136.089996,133.100006,134.330002,134.330002,58210000 +1981-04-29,134.330002,134.690002,131.820007,133.050003,133.050003,53340000 +1981-04-30,133.050003,134.440002,131.850006,132.809998,132.809998,47970000 +1981-05-01,132.809998,134.169998,131.429993,132.720001,132.720001,48360000 +1981-05-04,131.779999,131.779999,129.610001,130.669998,130.669998,40430000 +1981-05-05,130.669998,131.330002,128.929993,130.320007,130.320007,49000000 +1981-05-06,130.320007,132.380005,130.089996,130.779999,130.779999,47100000 +1981-05-07,130.779999,132.410004,130.210007,131.669998,131.669998,42590000 +1981-05-08,131.669998,132.690002,130.839996,131.660004,131.660004,41860000 +1981-05-11,131.660004,132.229996,129.110001,129.710007,129.710007,37640000 +1981-05-12,129.710007,131.169998,128.779999,130.720001,130.720001,40440000 +1981-05-13,130.720001,131.960007,129.529999,130.550003,130.550003,42600000 +1981-05-14,130.550003,132.149994,129.910004,131.279999,131.279999,42750000 +1981-05-15,131.279999,133.210007,130.750000,132.169998,132.169998,45460000 +1981-05-18,132.169998,133.649994,131.490005,132.539993,132.539993,42510000 +1981-05-19,132.539993,133.220001,130.779999,132.089996,132.089996,42220000 +1981-05-20,132.089996,133.029999,130.589996,132.000000,132.000000,42370000 +1981-05-21,132.000000,133.029999,130.699997,131.750000,131.750000,46820000 +1981-05-22,131.750000,132.649994,130.419998,131.330002,131.330002,40710000 +1981-05-26,131.330002,133.300003,130.639999,132.770004,132.770004,42760000 +1981-05-27,132.770004,134.649994,131.850006,133.770004,133.770004,58730000 +1981-05-28,133.770004,134.919998,132.000000,133.449997,133.449997,59500000 +1981-05-29,133.449997,134.360001,131.520004,132.589996,132.589996,51580000 +1981-06-01,132.589996,134.619995,131.490005,132.410004,132.410004,62170000 +1981-06-02,132.410004,132.960007,129.839996,130.619995,130.619995,53930000 +1981-06-03,130.619995,131.369995,128.770004,130.710007,130.710007,54700000 +1981-06-04,130.710007,132.210007,129.720001,130.960007,130.960007,48940000 +1981-06-05,130.960007,132.979996,130.169998,132.220001,132.220001,47180000 +1981-06-08,132.220001,133.679993,131.289993,132.240005,132.240005,41580000 +1981-06-09,132.240005,133.300003,130.940002,131.970001,131.970001,44600000 +1981-06-10,131.970001,133.490005,131.039993,132.320007,132.320007,53200000 +1981-06-11,132.320007,134.309998,131.580002,133.750000,133.750000,59530000 +1981-06-12,133.750000,135.089996,132.399994,133.490005,133.490005,60790000 +1981-06-15,133.490005,135.669998,132.779999,133.610001,133.610001,63350000 +1981-06-16,133.610001,134.000000,131.289993,132.149994,132.149994,57780000 +1981-06-17,132.149994,133.979996,130.809998,133.320007,133.320007,55470000 +1981-06-18,133.320007,133.979996,130.940002,131.639999,131.639999,48400000 +1981-06-19,131.639999,133.270004,130.490005,132.270004,132.270004,46430000 +1981-06-22,132.270004,133.539993,131.100006,131.949997,131.949997,41790000 +1981-06-23,131.949997,133.979996,131.160004,133.350006,133.350006,51840000 +1981-06-24,133.350006,133.899994,131.649994,132.660004,132.660004,46650000 +1981-06-25,132.660004,134.300003,131.779999,132.809998,132.809998,43920000 +1981-06-26,132.809998,133.750000,131.710007,132.559998,132.559998,39240000 +1981-06-29,132.559998,133.500000,131.199997,131.889999,131.889999,37930000 +1981-06-30,131.889999,132.669998,130.309998,131.210007,131.210007,41550000 +1981-07-01,131.210007,131.690002,129.039993,129.770004,129.770004,49080000 +1981-07-02,129.770004,130.479996,127.839996,128.639999,128.639999,45100000 +1981-07-06,128.639999,128.990005,126.440002,127.370003,127.370003,44590000 +1981-07-07,127.370003,129.600006,126.389999,128.240005,128.240005,53560000 +1981-07-08,128.240005,129.570007,126.949997,128.320007,128.320007,46000000 +1981-07-09,128.320007,130.080002,127.570000,129.300003,129.300003,45510000 +1981-07-10,129.300003,130.429993,128.380005,129.369995,129.369995,39950000 +1981-07-13,129.369995,130.820007,128.789993,129.639999,129.639999,38100000 +1981-07-14,129.639999,130.779999,128.139999,129.649994,129.649994,45230000 +1981-07-15,129.649994,131.589996,128.889999,130.229996,130.229996,48950000 +1981-07-16,130.229996,131.410004,129.300003,130.339996,130.339996,39010000 +1981-07-17,130.339996,131.600006,129.490005,130.759995,130.759995,42780000 +1981-07-20,130.600006,130.600006,127.980003,128.720001,128.720001,40240000 +1981-07-21,128.720001,129.600006,127.080002,128.339996,128.339996,47280000 +1981-07-22,128.339996,129.720001,126.699997,127.129997,127.129997,47500000 +1981-07-23,127.129997,128.259995,125.959999,127.400002,127.400002,41790000 +1981-07-24,127.400002,129.309998,127.110001,128.460007,128.460007,38880000 +1981-07-27,128.460007,130.610001,128.429993,129.899994,129.899994,39610000 +1981-07-28,129.899994,130.440002,128.279999,129.139999,129.139999,38160000 +1981-07-29,129.139999,130.089996,128.369995,129.160004,129.160004,37610000 +1981-07-30,129.160004,130.679993,128.559998,130.009995,130.009995,41560000 +1981-07-31,130.009995,131.779999,129.600006,130.919998,130.919998,43480000 +1981-08-03,130.919998,131.740005,129.419998,130.479996,130.479996,39650000 +1981-08-04,130.479996,131.660004,129.429993,131.179993,131.179993,39460000 +1981-08-05,131.179993,133.389999,130.759995,132.669998,132.669998,54290000 +1981-08-06,132.669998,134.039993,131.740005,132.639999,132.639999,52070000 +1981-08-07,132.639999,133.039993,130.960007,131.750000,131.750000,38370000 +1981-08-10,131.750000,133.320007,130.830002,132.539993,132.539993,38370000 +1981-08-11,132.539993,134.630005,132.089996,133.850006,133.850006,52600000 +1981-08-12,133.850006,135.179993,132.729996,133.399994,133.399994,53650000 +1981-08-13,133.399994,134.580002,132.529999,133.509995,133.509995,42460000 +1981-08-14,133.509995,134.330002,131.910004,132.490005,132.490005,42580000 +1981-08-17,132.490005,133.020004,130.750000,131.220001,131.220001,40840000 +1981-08-18,131.220001,131.729996,129.100006,130.110001,130.110001,47270000 +1981-08-19,130.110001,131.199997,128.990005,130.490005,130.490005,39390000 +1981-08-20,130.490005,131.740005,129.839996,130.690002,130.690002,38270000 +1981-08-21,130.690002,131.059998,128.699997,129.229996,129.229996,37670000 +1981-08-24,128.589996,128.589996,125.019997,125.500000,125.500000,46750000 +1981-08-25,125.500000,125.769997,123.000000,125.129997,125.129997,54600000 +1981-08-26,125.129997,126.169998,123.989998,124.959999,124.959999,39980000 +1981-08-27,124.959999,125.309998,122.900002,123.510002,123.510002,43900000 +1981-08-28,123.510002,125.089996,122.849998,124.080002,124.080002,38020000 +1981-08-31,124.080002,125.580002,122.290001,122.790001,122.790001,40360000 +1981-09-01,122.790001,123.919998,121.589996,123.019997,123.019997,45110000 +1981-09-02,123.019997,124.580002,122.540001,123.489998,123.489998,37570000 +1981-09-03,123.489998,124.160004,120.820000,121.239998,121.239998,41730000 +1981-09-04,121.239998,121.540001,119.239998,120.070000,120.070000,42760000 +1981-09-08,120.070000,120.120003,116.849998,117.980003,117.980003,47340000 +1981-09-09,117.980003,119.489998,116.870003,118.400002,118.400002,43910000 +1981-09-10,118.400002,122.180000,118.330002,120.139999,120.139999,47430000 +1981-09-11,120.139999,122.129997,119.290001,121.610001,121.610001,42170000 +1981-09-14,121.610001,122.000000,119.669998,120.660004,120.660004,34040000 +1981-09-15,120.660004,121.769997,119.269997,119.769997,119.769997,38580000 +1981-09-16,119.769997,120.000000,117.889999,118.870003,118.870003,43660000 +1981-09-17,118.870003,119.870003,116.629997,117.150002,117.150002,48300000 +1981-09-18,117.150002,117.690002,115.180000,116.260002,116.260002,47350000 +1981-09-21,116.260002,118.070000,115.040001,117.239998,117.239998,44570000 +1981-09-22,117.239998,118.190002,115.930000,116.680000,116.680000,46830000 +1981-09-23,116.680000,116.680000,113.599998,115.650002,115.650002,52700000 +1981-09-24,115.650002,117.470001,114.320000,115.010002,115.010002,48880000 +1981-09-25,114.690002,114.690002,111.639999,112.769997,112.769997,54390000 +1981-09-28,112.769997,115.830002,110.190002,115.529999,115.529999,61320000 +1981-09-29,115.529999,117.750000,114.750000,115.940002,115.940002,49800000 +1981-09-30,115.940002,117.050003,114.599998,116.180000,116.180000,40700000 +1981-10-01,116.180000,117.660004,115.000000,117.080002,117.080002,41600000 +1981-10-02,117.080002,120.160004,117.070000,119.360001,119.360001,54540000 +1981-10-05,119.360001,121.540001,118.610001,119.510002,119.510002,51290000 +1981-10-06,119.510002,121.389999,118.080002,119.389999,119.389999,45460000 +1981-10-07,119.389999,121.870003,119.089996,121.309998,121.309998,50030000 +1981-10-08,121.309998,123.080002,120.230003,122.309998,122.309998,47090000 +1981-10-09,122.309998,123.279999,120.629997,121.449997,121.449997,50060000 +1981-10-12,121.449997,122.370003,120.169998,121.209999,121.209999,30030000 +1981-10-13,121.209999,122.370003,119.959999,120.779999,120.779999,43360000 +1981-10-14,120.779999,120.970001,118.379997,118.800003,118.800003,40260000 +1981-10-15,118.800003,120.580002,118.010002,119.709999,119.709999,42830000 +1981-10-16,119.709999,120.459999,118.379997,119.190002,119.190002,37800000 +1981-10-19,119.190002,119.849998,117.580002,118.980003,118.980003,41590000 +1981-10-20,118.980003,121.290001,118.779999,120.279999,120.279999,51530000 +1981-10-21,120.279999,121.940002,119.349998,120.099998,120.099998,48490000 +1981-10-22,120.099998,120.779999,118.480003,119.639999,119.639999,40630000 +1981-10-23,119.639999,119.919998,117.779999,118.599998,118.599998,41990000 +1981-10-26,118.599998,119.000000,116.809998,118.160004,118.160004,38210000 +1981-10-27,118.160004,120.430000,117.800003,119.290001,119.290001,53030000 +1981-10-28,119.290001,120.959999,118.389999,119.449997,119.449997,48100000 +1981-10-29,119.449997,120.370003,118.139999,119.059998,119.059998,40070000 +1981-10-30,119.059998,122.529999,118.430000,121.889999,121.889999,59570000 +1981-11-02,122.349998,125.139999,122.349998,124.199997,124.199997,65100000 +1981-11-03,124.199997,125.519997,123.139999,124.800003,124.800003,54620000 +1981-11-04,124.800003,126.000000,123.639999,124.739998,124.739998,53450000 +1981-11-05,124.739998,125.800003,122.980003,123.540001,123.540001,50860000 +1981-11-06,123.540001,124.029999,121.849998,122.669998,122.669998,43270000 +1981-11-09,122.669998,124.129997,121.589996,123.290001,123.290001,48310000 +1981-11-10,123.290001,124.690002,122.010002,122.699997,122.699997,53940000 +1981-11-11,122.699997,123.820000,121.510002,122.919998,122.919998,41920000 +1981-11-12,122.919998,124.709999,122.190002,123.190002,123.190002,55720000 +1981-11-13,123.190002,123.610001,121.059998,121.669998,121.669998,45550000 +1981-11-16,121.639999,121.639999,119.129997,120.239998,120.239998,43740000 +1981-11-17,120.239998,121.779999,119.500000,121.150002,121.150002,43190000 +1981-11-18,121.150002,121.660004,119.610001,120.260002,120.260002,49980000 +1981-11-19,120.260002,121.669998,119.419998,120.709999,120.709999,48890000 +1981-11-20,120.709999,122.589996,120.129997,121.709999,121.709999,52010000 +1981-11-23,121.709999,123.089996,120.760002,121.599998,121.599998,45250000 +1981-11-24,121.599998,124.040001,121.220001,123.510002,123.510002,53200000 +1981-11-25,123.510002,125.290001,123.070000,124.050003,124.050003,58570000 +1981-11-27,124.050003,125.709999,123.629997,125.089996,125.089996,32770000 +1981-11-30,125.089996,126.970001,124.180000,126.349998,126.349998,47580000 +1981-12-01,126.349998,127.300003,124.839996,126.099998,126.099998,53980000 +1981-12-02,126.099998,126.449997,124.180000,124.690002,124.690002,44510000 +1981-12-03,124.690002,125.839996,123.629997,125.120003,125.120003,43770000 +1981-12-04,125.120003,127.320000,125.120003,126.260002,126.260002,55040000 +1981-12-07,126.260002,126.910004,124.669998,125.190002,125.190002,45720000 +1981-12-08,125.190002,125.750000,123.519997,124.820000,124.820000,45140000 +1981-12-09,124.820000,126.080002,124.089996,125.480003,125.480003,44810000 +1981-12-10,125.480003,126.540001,124.599998,125.709999,125.709999,47020000 +1981-12-11,125.709999,126.260002,124.320000,124.930000,124.930000,45850000 +1981-12-14,124.370003,124.370003,122.169998,122.779999,122.779999,44740000 +1981-12-15,122.779999,123.779999,121.830002,122.989998,122.989998,44130000 +1981-12-16,122.989998,123.660004,121.730003,122.419998,122.419998,42770000 +1981-12-17,122.419998,123.790001,121.820000,123.120003,123.120003,47230000 +1981-12-18,123.120003,124.870003,122.559998,124.000000,124.000000,50940000 +1981-12-21,124.000000,124.709999,122.669998,123.339996,123.339996,41290000 +1981-12-22,123.339996,124.169998,122.190002,122.879997,122.879997,48320000 +1981-12-23,122.879997,123.589996,121.580002,122.309998,122.309998,42910000 +1981-12-24,122.309998,123.059998,121.570000,122.540001,122.540001,23940000 +1981-12-28,122.540001,123.360001,121.730003,122.269997,122.269997,28320000 +1981-12-29,122.269997,122.900002,121.120003,121.669998,121.669998,35300000 +1981-12-30,121.669998,123.110001,121.040001,122.300003,122.300003,42960000 +1981-12-31,122.300003,123.419998,121.570000,122.550003,122.550003,40780000 +1982-01-04,122.550003,123.720001,121.480003,122.739998,122.739998,36760000 +1982-01-05,122.610001,122.610001,119.570000,120.050003,120.050003,47510000 +1982-01-06,120.050003,120.449997,117.989998,119.180000,119.180000,51510000 +1982-01-07,119.180000,119.879997,117.699997,118.930000,118.930000,43410000 +1982-01-08,118.930000,120.589996,118.550003,119.550003,119.550003,42050000 +1982-01-11,119.550003,120.339996,116.470001,116.779999,116.779999,51900000 +1982-01-12,116.779999,117.489998,115.180000,116.300003,116.300003,49800000 +1982-01-13,116.300003,117.459999,114.239998,114.879997,114.879997,49130000 +1982-01-14,114.879997,116.300003,114.070000,115.540001,115.540001,42940000 +1982-01-15,115.540001,117.139999,115.099998,116.330002,116.330002,43310000 +1982-01-18,116.330002,117.690002,114.849998,117.220001,117.220001,44920000 +1982-01-19,117.220001,118.150002,115.519997,115.970001,115.970001,45070000 +1982-01-20,115.970001,116.639999,114.290001,115.269997,115.269997,48860000 +1982-01-21,115.269997,116.919998,114.599998,115.750000,115.750000,48610000 +1982-01-22,115.750000,116.529999,114.580002,115.379997,115.379997,44370000 +1982-01-25,115.379997,115.930000,113.629997,115.410004,115.410004,43170000 +1982-01-26,115.410004,116.599998,114.489998,115.190002,115.190002,44870000 +1982-01-27,115.190002,116.599998,114.379997,115.739998,115.739998,50060000 +1982-01-28,116.099998,119.349998,116.099998,118.919998,118.919998,66690000 +1982-01-29,118.919998,121.379997,118.639999,120.400002,120.400002,73400000 +1982-02-01,119.809998,119.809998,117.139999,117.779999,117.779999,47720000 +1982-02-02,117.779999,119.150002,116.910004,118.010002,118.010002,45020000 +1982-02-03,118.010002,118.669998,116.040001,116.480003,116.480003,49560000 +1982-02-04,116.480003,117.489998,114.879997,116.419998,116.419998,53300000 +1982-02-05,116.419998,118.260002,115.739998,117.260002,117.260002,53350000 +1982-02-08,117.040001,117.040001,114.199997,114.629997,114.629997,48500000 +1982-02-09,114.629997,115.150002,112.820000,113.680000,113.680000,54420000 +1982-02-10,113.680000,115.620003,113.449997,114.660004,114.660004,46620000 +1982-02-11,114.660004,115.589996,113.410004,114.430000,114.430000,46730000 +1982-02-12,114.430000,115.389999,113.699997,114.379997,114.379997,37070000 +1982-02-16,114.379997,114.629997,112.059998,114.059998,114.059998,48880000 +1982-02-17,114.059998,115.089996,112.970001,113.690002,113.690002,47660000 +1982-02-18,113.690002,115.040001,112.970001,113.820000,113.820000,60810000 +1982-02-19,113.820000,114.580002,112.330002,113.220001,113.220001,51340000 +1982-02-22,113.220001,114.900002,111.199997,111.589996,111.589996,58310000 +1982-02-23,111.589996,112.459999,110.029999,111.510002,111.510002,60100000 +1982-02-24,111.510002,113.879997,110.709999,113.470001,113.470001,64800000 +1982-02-25,113.470001,114.860001,112.440002,113.209999,113.209999,54160000 +1982-02-26,113.209999,114.010002,112.040001,113.110001,113.110001,43840000 +1982-03-01,113.110001,114.320000,111.860001,113.309998,113.309998,53010000 +1982-03-02,113.309998,114.800003,112.029999,112.680000,112.680000,63800000 +1982-03-03,112.510002,112.510002,109.980003,110.919998,110.919998,70230000 +1982-03-04,110.919998,111.779999,108.769997,109.879997,109.879997,74340000 +1982-03-05,109.879997,110.900002,108.309998,109.339996,109.339996,67440000 +1982-03-08,109.339996,111.059998,107.029999,107.339996,107.339996,67330000 +1982-03-09,107.339996,109.879997,106.169998,108.830002,108.830002,76060000 +1982-03-10,108.830002,110.980003,108.089996,109.410004,109.410004,59440000 +1982-03-11,109.410004,110.870003,108.379997,109.360001,109.360001,52960000 +1982-03-12,109.360001,109.720001,104.459999,108.610001,108.610001,49600000 +1982-03-15,108.610001,109.989998,107.470001,109.449997,109.449997,43370000 +1982-03-16,109.449997,110.919998,108.570000,109.279999,109.279999,48900000 +1982-03-17,109.279999,110.099998,108.110001,109.080002,109.080002,48900000 +1982-03-18,109.080002,111.019997,108.849998,110.300003,110.300003,54270000 +1982-03-19,110.300003,111.589996,109.639999,110.610001,110.610001,46250000 +1982-03-22,110.709999,113.349998,110.709999,112.769997,112.769997,57610000 +1982-03-23,112.769997,114.510002,112.290001,113.550003,113.550003,67130000 +1982-03-24,113.550003,114.309998,112.230003,112.970001,112.970001,49380000 +1982-03-25,112.970001,114.260002,112.019997,113.209999,113.209999,51970000 +1982-03-26,113.209999,113.430000,111.260002,111.940002,111.940002,42400000 +1982-03-29,111.940002,112.820000,110.900002,112.300003,112.300003,37100000 +1982-03-30,112.300003,113.089996,111.300003,112.269997,112.269997,43900000 +1982-03-31,112.269997,113.169998,111.320000,111.959999,111.959999,43300000 +1982-04-01,111.959999,114.220001,111.480003,113.790001,113.790001,57100000 +1982-04-02,113.790001,115.790001,113.650002,115.120003,115.120003,59800000 +1982-04-05,115.120003,115.900002,113.940002,114.730003,114.730003,46900000 +1982-04-06,114.730003,115.919998,113.699997,115.360001,115.360001,43200000 +1982-04-07,115.360001,116.449997,114.580002,115.459999,115.459999,53130000 +1982-04-08,115.459999,116.940002,114.940002,116.220001,116.220001,60190000 +1982-04-12,116.220001,117.019997,115.160004,116.000000,116.000000,46520000 +1982-04-13,116.000000,117.120003,115.160004,115.989998,115.989998,48660000 +1982-04-14,115.989998,116.690002,114.800003,115.830002,115.830002,45150000 +1982-04-15,115.830002,116.860001,115.019997,116.349998,116.349998,45700000 +1982-04-16,116.349998,117.699997,115.680000,116.809998,116.809998,55890000 +1982-04-19,116.809998,118.160004,115.830002,116.699997,116.699997,58470000 +1982-04-20,115.800003,117.139999,114.830002,115.440002,115.440002,54610000 +1982-04-21,115.480003,115.870003,115.300003,115.720001,115.720001,57820000 +1982-04-22,115.720001,117.250000,115.720001,117.190002,117.190002,64470000 +1982-04-23,118.019997,118.639999,117.190002,118.639999,118.639999,71840000 +1982-04-26,118.940002,119.330002,118.250000,119.260002,119.260002,60500000 +1982-04-27,119.070000,119.260002,117.730003,118.000000,118.000000,56480000 +1982-04-28,117.830002,118.050003,116.940002,117.260002,117.260002,50530000 +1982-04-29,116.400002,117.239998,116.110001,116.139999,116.139999,51330000 +1982-04-30,116.209999,116.779999,116.070000,116.440002,116.440002,48200000 +1982-05-03,115.959999,116.820000,115.910004,116.820000,116.820000,46490000 +1982-05-04,117.410004,117.639999,116.849998,117.459999,117.459999,58720000 +1982-05-05,117.849998,118.050003,117.309998,117.669998,117.669998,58860000 +1982-05-06,118.820000,118.830002,117.680000,118.680000,118.680000,67540000 +1982-05-07,119.080002,119.889999,118.709999,119.470001,119.470001,67130000 +1982-05-10,119.080002,119.489998,118.370003,118.379997,118.379997,46300000 +1982-05-11,118.540001,119.589996,118.320000,119.419998,119.419998,54680000 +1982-05-12,119.889999,119.919998,118.760002,119.169998,119.169998,59210000 +1982-05-13,119.080002,119.199997,118.129997,118.220001,118.220001,58230000 +1982-05-14,118.199997,118.400002,118.010002,118.010002,118.010002,49900000 +1982-05-17,117.620003,118.019997,116.660004,116.709999,116.709999,45600000 +1982-05-18,116.349998,116.699997,115.709999,115.839996,115.839996,48970000 +1982-05-19,115.610001,115.959999,114.820000,114.889999,114.889999,48840000 +1982-05-20,114.849998,115.070000,114.370003,114.589996,114.589996,48330000 +1982-05-21,115.029999,115.129997,114.599998,114.889999,114.889999,45260000 +1982-05-24,114.459999,114.860001,114.239998,114.790001,114.790001,38510000 +1982-05-25,115.500000,115.510002,114.400002,114.400002,114.400002,44010000 +1982-05-26,113.680000,114.400002,112.879997,113.110001,113.110001,51250000 +1982-05-27,113.110001,113.120003,112.580002,112.660004,112.660004,44730000 +1982-05-28,112.790001,112.800003,111.660004,111.879997,111.879997,43900000 +1982-06-01,111.970001,112.070000,111.660004,111.680000,111.680000,41650000 +1982-06-02,111.739998,112.190002,111.550003,112.040001,112.040001,49220000 +1982-06-03,112.040001,112.480003,111.449997,111.860001,111.860001,48450000 +1982-06-04,111.660004,111.849998,110.019997,110.089996,110.089996,44110000 +1982-06-07,109.589996,110.589996,109.419998,110.120003,110.120003,44630000 +1982-06-08,110.330002,110.330002,109.599998,109.629997,109.629997,46820000 +1982-06-09,109.459999,109.629997,108.529999,108.989998,108.989998,55770000 +1982-06-10,109.349998,109.699997,108.959999,109.610001,109.610001,50950000 +1982-06-11,111.110001,111.480003,109.650002,111.239998,111.239998,68610000 +1982-06-14,110.500000,111.220001,109.900002,109.959999,109.959999,40100000 +1982-06-15,109.629997,109.959999,108.980003,109.690002,109.690002,44970000 +1982-06-16,110.099998,110.129997,108.820000,108.870003,108.870003,56280000 +1982-06-17,108.010002,108.849998,107.480003,107.599998,107.599998,49230000 +1982-06-18,107.599998,107.599998,107.070000,107.279999,107.279999,53800000 +1982-06-21,107.279999,107.879997,107.010002,107.199997,107.199997,50370000 +1982-06-22,107.250000,108.300003,107.169998,108.300003,108.300003,55290000 +1982-06-23,108.589996,110.139999,108.089996,110.139999,110.139999,62710000 +1982-06-24,110.250000,110.919998,109.790001,109.830002,109.830002,55860000 +1982-06-25,109.559998,109.830002,109.089996,109.139999,109.139999,38740000 +1982-06-28,109.300003,110.449997,109.169998,110.260002,110.260002,40700000 +1982-06-29,110.260002,110.570000,109.680000,110.209999,110.209999,46990000 +1982-06-30,110.949997,111.000000,109.500000,109.610001,109.610001,65280000 +1982-07-01,109.519997,109.629997,108.620003,108.709999,108.709999,47900000 +1982-07-02,108.099998,108.709999,107.599998,107.650002,107.650002,43760000 +1982-07-06,107.269997,107.669998,106.739998,107.290001,107.290001,44350000 +1982-07-07,107.080002,107.610001,106.989998,107.220001,107.220001,46920000 +1982-07-08,106.849998,107.529999,105.570000,107.529999,107.529999,63270000 +1982-07-09,108.230003,108.970001,107.559998,108.830002,108.830002,65870000 +1982-07-12,109.480003,109.620003,108.889999,109.570000,109.570000,74690000 +1982-07-13,109.190002,110.070000,109.190002,109.449997,109.449997,66170000 +1982-07-14,109.680000,110.440002,109.080002,110.440002,110.440002,58160000 +1982-07-15,110.830002,110.949997,110.269997,110.470001,110.470001,61090000 +1982-07-16,110.160004,111.480003,110.160004,111.070000,111.070000,58740000 +1982-07-19,111.750000,111.779999,110.660004,110.730003,110.730003,53030000 +1982-07-20,111.110001,111.559998,110.349998,111.540001,111.540001,61060000 +1982-07-21,112.150002,112.389999,111.379997,111.419998,111.419998,66770000 +1982-07-22,110.949997,112.019997,110.940002,111.480003,111.480003,53870000 +1982-07-23,111.459999,111.580002,111.050003,111.169998,111.169998,47280000 +1982-07-26,110.660004,111.160004,110.290001,110.360001,110.360001,37740000 +1982-07-27,110.260002,110.349998,109.360001,109.430000,109.430000,45740000 +1982-07-28,109.419998,109.419998,107.529999,107.739998,107.739998,53830000 +1982-07-29,107.419998,107.919998,106.620003,107.720001,107.720001,55680000 +1982-07-30,107.349998,107.949997,107.010002,107.089996,107.089996,39270000 +1982-08-02,107.709999,109.089996,107.110001,108.980003,108.980003,53460000 +1982-08-03,108.980003,109.430000,107.809998,107.830002,107.830002,60480000 +1982-08-04,107.830002,107.830002,106.110001,106.139999,106.139999,53440000 +1982-08-05,106.099998,106.099998,104.760002,105.160004,105.160004,54700000 +1982-08-06,105.160004,105.160004,103.669998,103.709999,103.709999,48660000 +1982-08-09,103.690002,103.690002,102.199997,103.080002,103.080002,54560000 +1982-08-10,103.110001,103.839996,102.820000,102.839996,102.839996,52680000 +1982-08-11,102.830002,103.010002,102.480003,102.599998,102.599998,49040000 +1982-08-12,102.599998,103.220001,102.389999,102.419998,102.419998,50080000 +1982-08-13,102.419998,103.849998,102.400002,103.849998,103.849998,44720000 +1982-08-16,103.860001,105.519997,103.860001,104.089996,104.089996,55420000 +1982-08-17,105.400002,109.040001,104.089996,109.040001,109.040001,92860000 +1982-08-18,109.040001,111.580002,108.459999,108.540001,108.540001,132690000 +1982-08-19,108.529999,109.860001,108.339996,109.160004,109.160004,78270000 +1982-08-20,109.190002,113.019997,109.190002,113.019997,113.019997,95890000 +1982-08-23,113.019997,116.110001,112.650002,116.110001,116.110001,110310000 +1982-08-24,116.110001,116.389999,115.080002,115.349998,115.349998,121650000 +1982-08-25,115.349998,118.120003,115.110001,117.580002,117.580002,106200000 +1982-08-26,117.570000,120.260002,117.570000,118.550003,118.550003,137330000 +1982-08-27,117.379997,118.559998,116.629997,117.110001,117.110001,74410000 +1982-08-30,117.050003,117.660004,115.790001,117.660004,117.660004,59560000 +1982-08-31,117.650002,119.599998,117.650002,119.510002,119.510002,86360000 +1982-09-01,119.519997,120.050003,117.980003,118.250000,118.250000,82830000 +1982-09-02,118.239998,120.320000,117.839996,120.290001,120.290001,74740000 +1982-09-03,120.309998,123.639999,120.309998,122.680000,122.680000,130910000 +1982-09-07,122.680000,122.680000,121.190002,121.370003,121.370003,68960000 +1982-09-08,121.330002,123.110001,121.190002,122.199997,122.199997,77960000 +1982-09-09,122.190002,123.220001,121.900002,121.970001,121.970001,73090000 +1982-09-10,121.970001,121.980003,120.269997,120.970001,120.970001,71080000 +1982-09-13,120.940002,122.239998,120.250000,122.239998,122.239998,59520000 +1982-09-14,122.269997,123.690002,122.269997,123.099998,123.099998,83070000 +1982-09-15,123.089996,124.809998,122.720001,124.290001,124.290001,69680000 +1982-09-16,124.279999,124.879997,123.650002,123.769997,123.769997,78900000 +1982-09-17,123.760002,123.760002,122.339996,122.550003,122.550003,63950000 +1982-09-20,122.540001,122.540001,121.480003,122.510002,122.510002,58520000 +1982-09-21,122.510002,124.910004,122.510002,124.879997,124.879997,82920000 +1982-09-22,124.900002,126.430000,123.989998,123.989998,123.989998,113150000 +1982-09-23,123.989998,124.190002,122.959999,123.809998,123.809998,68260000 +1982-09-24,123.790001,123.800003,123.110001,123.320000,123.320000,54600000 +1982-09-27,123.320000,123.620003,122.750000,123.620003,123.620003,44840000 +1982-09-28,123.620003,124.160004,123.209999,123.239998,123.239998,65900000 +1982-09-29,123.239998,123.239998,121.279999,121.629997,121.629997,62550000 +1982-09-30,121.620003,121.620003,120.139999,120.419998,120.419998,62610000 +1982-10-01,120.400002,121.970001,120.150002,121.970001,121.970001,65000000 +1982-10-04,121.970001,121.970001,120.559998,121.510002,121.510002,55650000 +1982-10-05,121.599998,122.730003,121.599998,121.980003,121.980003,69770000 +1982-10-06,122.000000,125.970001,122.000000,125.970001,125.970001,93570000 +1982-10-07,125.989998,128.960007,125.989998,128.800003,128.800003,147070000 +1982-10-08,128.789993,131.110001,128.789993,131.050003,131.050003,122250000 +1982-10-11,131.059998,135.529999,131.059998,134.470001,134.470001,138530000 +1982-10-12,134.479996,135.850006,133.589996,134.440002,134.440002,126310000 +1982-10-13,134.419998,137.970001,134.139999,136.710007,136.710007,139800000 +1982-10-14,136.710007,136.889999,134.550003,134.570007,134.570007,107530000 +1982-10-15,134.550003,134.610001,133.279999,133.570007,133.570007,80290000 +1982-10-18,133.589996,136.729996,133.589996,136.729996,136.729996,83790000 +1982-10-19,136.729996,137.960007,135.720001,136.580002,136.580002,100850000 +1982-10-20,136.580002,139.229996,136.369995,139.229996,139.229996,98680000 +1982-10-21,139.229996,140.270004,137.630005,139.059998,139.059998,122460000 +1982-10-22,139.059998,140.399994,138.750000,138.830002,138.830002,101120000 +1982-10-25,138.809998,138.809998,133.320007,133.320007,133.320007,83720000 +1982-10-26,133.289993,134.479996,131.500000,134.479996,134.479996,102080000 +1982-10-27,134.479996,135.919998,134.479996,135.289993,135.289993,81670000 +1982-10-28,135.279999,135.419998,133.589996,133.589996,133.589996,73590000 +1982-10-29,133.539993,134.020004,132.639999,133.720001,133.720001,74830000 +1982-11-01,133.720001,136.029999,133.220001,135.470001,135.470001,73530000 +1982-11-02,135.479996,138.509995,135.479996,137.490005,137.490005,104770000 +1982-11-03,137.529999,142.880005,137.529999,142.869995,142.869995,137010000 +1982-11-04,142.850006,143.990005,141.649994,141.850006,141.850006,149350000 +1982-11-05,141.850006,142.429993,141.320007,142.160004,142.160004,96550000 +1982-11-08,142.119995,142.119995,139.979996,140.440002,140.440002,75240000 +1982-11-09,140.479996,143.160004,140.460007,143.020004,143.020004,111220000 +1982-11-10,143.039993,144.360001,140.800003,141.160004,141.160004,113240000 +1982-11-11,141.149994,141.750000,139.880005,141.750000,141.750000,78410000 +1982-11-12,141.750000,141.850006,139.529999,139.529999,139.529999,95080000 +1982-11-15,139.539993,139.539993,137.000000,137.029999,137.029999,78900000 +1982-11-16,136.970001,136.970001,134.050003,135.419998,135.419998,102910000 +1982-11-17,135.470001,137.929993,135.470001,137.929993,137.929993,84440000 +1982-11-18,137.929993,138.779999,137.470001,138.339996,138.339996,77620000 +1982-11-19,138.350006,138.929993,137.000000,137.020004,137.020004,70310000 +1982-11-22,137.029999,137.100006,134.210007,134.220001,134.220001,74960000 +1982-11-23,134.210007,134.279999,132.889999,132.929993,132.929993,72920000 +1982-11-24,132.919998,133.880005,132.919998,133.880005,133.880005,67220000 +1982-11-26,133.889999,134.880005,133.889999,134.880005,134.880005,38810000 +1982-11-29,134.889999,135.289993,133.690002,134.199997,134.199997,61080000 +1982-11-30,134.199997,138.529999,134.190002,138.529999,138.529999,93470000 +1982-12-01,138.559998,140.369995,138.350006,138.720001,138.720001,107850000 +1982-12-02,138.720001,139.630005,138.660004,138.820007,138.820007,77600000 +1982-12-03,138.869995,139.589996,138.589996,138.690002,138.690002,71540000 +1982-12-06,138.699997,141.770004,138.009995,141.770004,141.770004,83880000 +1982-12-07,141.789993,143.679993,141.789993,142.720001,142.720001,111620000 +1982-12-08,142.710007,143.580002,141.820007,141.820007,141.820007,97430000 +1982-12-09,141.800003,141.800003,139.919998,140.000000,140.000000,90320000 +1982-12-10,139.990005,141.149994,139.350006,139.570007,139.570007,86430000 +1982-12-13,139.570007,140.119995,139.500000,139.949997,139.949997,63140000 +1982-12-14,139.990005,142.500000,137.339996,137.399994,137.399994,98380000 +1982-12-15,137.399994,137.399994,135.119995,135.240005,135.240005,81030000 +1982-12-16,135.220001,135.779999,134.789993,135.300003,135.300003,73680000 +1982-12-17,135.350006,137.710007,135.350006,137.490005,137.490005,76010000 +1982-12-20,137.490005,137.839996,136.190002,136.250000,136.250000,62210000 +1982-12-21,136.240005,139.270004,136.070007,138.610001,138.610001,78010000 +1982-12-22,138.630005,139.690002,138.600006,138.830002,138.830002,83470000 +1982-12-23,138.839996,139.940002,138.839996,139.720001,139.720001,62880000 +1982-12-27,139.729996,142.320007,139.720001,142.169998,142.169998,64690000 +1982-12-28,142.179993,142.339996,140.750000,140.770004,140.770004,58610000 +1982-12-29,140.770004,141.729996,140.679993,141.240005,141.240005,54810000 +1982-12-30,141.240005,141.679993,140.220001,140.330002,140.330002,56380000 +1982-12-31,140.339996,140.779999,140.270004,140.639999,140.639999,42110000 +1983-01-03,140.649994,141.330002,138.199997,138.339996,138.339996,59080000 +1983-01-04,138.330002,141.360001,138.080002,141.360001,141.360001,75530000 +1983-01-05,141.350006,142.600006,141.149994,141.960007,141.960007,95390000 +1983-01-06,142.009995,145.770004,142.009995,145.270004,145.270004,129410000 +1983-01-07,145.270004,146.460007,145.149994,145.179993,145.179993,127290000 +1983-01-10,145.190002,147.250000,144.580002,146.779999,146.779999,101890000 +1983-01-11,146.789993,146.830002,145.380005,145.779999,145.779999,98250000 +1983-01-12,145.759995,148.360001,145.759995,146.690002,146.690002,109850000 +1983-01-13,146.669998,146.940002,145.669998,145.729996,145.729996,77030000 +1983-01-14,145.720001,147.119995,145.720001,146.649994,146.649994,86480000 +1983-01-17,146.649994,147.899994,146.639999,146.720001,146.720001,89210000 +1983-01-18,146.710007,146.740005,145.520004,146.399994,146.399994,78380000 +1983-01-19,146.399994,146.449997,144.509995,145.270004,145.270004,80900000 +1983-01-20,145.289993,146.619995,145.289993,146.289993,146.289993,82790000 +1983-01-21,146.300003,146.300003,143.250000,143.850006,143.850006,77110000 +1983-01-24,143.839996,143.839996,139.100006,139.970001,139.970001,90800000 +1983-01-25,139.979996,141.750000,139.979996,141.750000,141.750000,79740000 +1983-01-26,141.770004,142.160004,141.160004,141.539993,141.539993,73720000 +1983-01-27,141.539993,144.300003,141.539993,144.270004,144.270004,88120000 +1983-01-28,144.309998,145.470001,144.250000,144.509995,144.509995,89490000 +1983-01-31,144.509995,145.300003,143.929993,145.300003,145.300003,67140000 +1983-02-01,145.289993,145.289993,142.960007,142.960007,142.960007,82750000 +1983-02-02,142.949997,143.520004,141.899994,143.229996,143.229996,77220000 +1983-02-03,143.250000,144.429993,143.250000,144.259995,144.259995,78890000 +1983-02-04,144.259995,146.139999,144.139999,146.139999,146.139999,87000000 +1983-02-07,146.139999,147.419998,146.139999,146.929993,146.929993,86030000 +1983-02-08,146.929993,147.210007,145.520004,145.699997,145.699997,76580000 +1983-02-09,145.699997,145.830002,144.089996,145.000000,145.000000,84520000 +1983-02-10,145.039993,147.750000,145.039993,147.500000,147.500000,93510000 +1983-02-11,147.509995,148.809998,147.179993,147.649994,147.649994,86700000 +1983-02-14,147.710007,149.139999,147.399994,148.929993,148.929993,72640000 +1983-02-15,148.940002,149.410004,148.130005,148.300003,148.300003,89040000 +1983-02-16,148.309998,148.660004,147.410004,147.429993,147.429993,82100000 +1983-02-17,147.429993,147.570007,143.839996,147.440002,147.440002,74930000 +1983-02-18,147.440002,148.289993,147.210007,148.000000,148.000000,77420000 +1983-02-22,148.009995,148.110001,145.419998,145.479996,145.479996,84080000 +1983-02-23,145.470001,146.789993,145.399994,146.789993,146.789993,84100000 +1983-02-24,146.800003,149.669998,146.800003,149.600006,149.600006,113220000 +1983-02-25,149.600006,150.880005,149.600006,149.740005,149.740005,100970000 +1983-02-28,149.740005,149.740005,147.809998,148.059998,148.059998,83750000 +1983-03-01,148.070007,150.880005,148.070007,150.880005,150.880005,103750000 +1983-03-02,150.910004,152.630005,150.910004,152.300003,152.300003,112600000 +1983-03-03,152.309998,154.160004,152.309998,153.479996,153.479996,114440000 +1983-03-04,153.470001,153.669998,152.529999,153.669998,153.669998,90930000 +1983-03-07,153.669998,154.000000,152.649994,153.669998,153.669998,84020000 +1983-03-08,153.630005,153.630005,151.259995,151.259995,151.259995,79410000 +1983-03-09,151.250000,152.869995,150.839996,152.869995,152.869995,84250000 +1983-03-10,152.869995,154.009995,151.750000,151.800003,151.800003,95410000 +1983-03-11,151.750000,151.750000,150.649994,151.240005,151.240005,67240000 +1983-03-14,151.279999,151.300003,150.240005,150.830002,150.830002,61890000 +1983-03-15,150.830002,151.369995,150.399994,151.369995,151.369995,62410000 +1983-03-16,151.360001,151.619995,149.779999,149.809998,149.809998,83570000 +1983-03-17,149.800003,149.800003,149.119995,149.589996,149.589996,70290000 +1983-03-18,149.589996,150.289993,149.559998,149.899994,149.899994,75110000 +1983-03-21,149.820007,151.199997,149.320007,151.190002,151.190002,72160000 +1983-03-22,151.210007,151.589996,150.600006,150.660004,150.660004,79610000 +1983-03-23,150.649994,152.979996,150.649994,152.809998,152.809998,94980000 +1983-03-24,152.820007,153.779999,152.820007,153.369995,153.369995,92340000 +1983-03-25,153.369995,153.710007,152.300003,152.669998,152.669998,77330000 +1983-03-28,152.669998,152.669998,151.559998,151.850006,151.850006,58510000 +1983-03-29,151.850006,152.460007,151.419998,151.589996,151.589996,65300000 +1983-03-30,151.600006,153.389999,151.600006,153.389999,153.389999,75800000 +1983-03-31,153.410004,155.020004,152.860001,152.960007,152.960007,100570000 +1983-04-04,152.919998,153.020004,152.229996,153.020004,153.020004,66010000 +1983-04-05,153.039993,153.919998,151.809998,151.899994,151.899994,76810000 +1983-04-06,151.899994,151.899994,150.169998,151.039993,151.039993,77140000 +1983-04-07,151.039993,151.759995,150.809998,151.759995,151.759995,69480000 +1983-04-08,151.770004,152.850006,151.389999,152.850006,152.850006,67710000 +1983-04-11,152.869995,155.139999,152.869995,155.139999,155.139999,81440000 +1983-04-12,155.149994,155.820007,154.779999,155.820007,155.820007,79900000 +1983-04-13,155.820007,157.220001,155.820007,156.770004,156.770004,100520000 +1983-04-14,156.800003,158.119995,156.550003,158.119995,158.119995,90160000 +1983-04-15,158.110001,158.750000,158.110001,158.750000,158.750000,89590000 +1983-04-18,158.750000,159.750000,158.410004,159.740005,159.740005,88560000 +1983-04-19,159.740005,159.740005,158.539993,158.710007,158.710007,91210000 +1983-04-20,158.710007,160.830002,158.710007,160.710007,160.710007,110240000 +1983-04-21,160.729996,161.080002,159.960007,160.050003,160.050003,106170000 +1983-04-22,160.039993,160.759995,160.020004,160.419998,160.419998,92270000 +1983-04-25,160.429993,160.830002,158.720001,158.809998,158.809998,90150000 +1983-04-26,158.809998,161.809998,158.070007,161.809998,161.809998,91210000 +1983-04-27,161.850006,162.770004,160.759995,161.440002,161.440002,118140000 +1983-04-28,161.440002,162.960007,161.440002,162.949997,162.949997,94410000 +1983-04-29,162.970001,164.429993,162.720001,164.429993,164.429993,105750000 +1983-05-02,164.410004,164.419998,161.990005,162.110001,162.110001,88170000 +1983-05-03,162.100006,162.350006,160.800003,162.339996,162.339996,89550000 +1983-05-04,162.380005,163.639999,162.380005,163.309998,163.309998,101690000 +1983-05-05,163.350006,164.300003,163.350006,164.279999,164.279999,107860000 +1983-05-06,164.300003,166.990005,164.300003,166.100006,166.100006,128200000 +1983-05-09,166.100006,166.460007,164.899994,165.809998,165.809998,93670000 +1983-05-10,165.820007,166.399994,165.740005,165.949997,165.949997,104010000 +1983-05-11,165.949997,166.300003,164.529999,164.960007,164.960007,99820000 +1983-05-12,164.979996,165.350006,163.820007,164.250000,164.250000,84060000 +1983-05-13,164.259995,165.229996,164.259995,164.910004,164.910004,83110000 +1983-05-16,164.899994,164.899994,162.330002,163.399994,163.399994,76250000 +1983-05-17,163.399994,163.710007,162.550003,163.710007,163.710007,79510000 +1983-05-18,163.729996,165.179993,163.160004,163.270004,163.270004,99780000 +1983-05-19,163.270004,163.610001,161.979996,161.990005,161.990005,83260000 +1983-05-20,161.970001,162.139999,161.250000,162.139999,162.139999,73150000 +1983-05-23,162.059998,163.500000,160.289993,163.429993,163.429993,84960000 +1983-05-24,163.449997,165.589996,163.449997,165.539993,165.539993,109850000 +1983-05-25,165.539993,166.210007,164.789993,166.210007,166.210007,121050000 +1983-05-26,166.220001,166.389999,165.270004,165.479996,165.479996,94980000 +1983-05-27,165.490005,165.490005,164.330002,164.460007,164.460007,76290000 +1983-05-31,164.440002,164.440002,162.119995,162.389999,162.389999,73910000 +1983-06-01,162.380005,162.639999,161.330002,162.550003,162.550003,84460000 +1983-06-02,162.559998,164.000000,162.559998,163.979996,163.979996,89750000 +1983-06-03,163.960007,164.789993,163.960007,164.419998,164.419998,83110000 +1983-06-06,164.429993,165.089996,163.750000,164.830002,164.830002,87670000 +1983-06-07,164.839996,164.929993,162.770004,162.770004,162.770004,88550000 +1983-06-08,162.779999,162.779999,161.350006,161.360001,161.360001,96600000 +1983-06-09,161.369995,161.919998,160.800003,161.830002,161.830002,87440000 +1983-06-10,161.860001,162.759995,161.860001,162.679993,162.679993,78470000 +1983-06-13,162.699997,164.839996,162.699997,164.839996,164.839996,90700000 +1983-06-14,164.869995,165.929993,164.869995,165.529999,165.529999,97710000 +1983-06-15,165.520004,167.119995,165.070007,167.119995,167.119995,93410000 +1983-06-16,167.110001,169.380005,167.110001,169.139999,169.139999,124560000 +1983-06-17,169.110001,169.639999,168.600006,169.130005,169.130005,93630000 +1983-06-20,169.130005,170.100006,168.589996,169.020004,169.020004,84270000 +1983-06-21,169.029999,170.600006,168.250000,170.529999,170.529999,102880000 +1983-06-22,170.529999,171.600006,170.419998,170.990005,170.990005,110270000 +1983-06-23,170.990005,171.000000,170.130005,170.570007,170.570007,89590000 +1983-06-24,170.570007,170.690002,170.029999,170.410004,170.410004,80810000 +1983-06-27,170.399994,170.460007,168.320007,168.460007,168.460007,69360000 +1983-06-28,168.449997,168.809998,165.669998,165.679993,165.679993,82730000 +1983-06-29,165.779999,166.639999,165.429993,166.639999,166.639999,81580000 +1983-06-30,167.639999,167.639999,167.639999,167.639999,167.639999,76310000 +1983-07-01,168.110001,168.639999,167.770004,168.639999,168.639999,65110000 +1983-07-05,166.550003,168.800003,165.800003,166.600006,166.600006,67320000 +1983-07-06,166.710007,168.880005,166.490005,168.479996,168.479996,85670000 +1983-07-07,168.479996,169.149994,167.080002,167.559998,167.559998,97130000 +1983-07-08,167.559998,167.979996,166.949997,167.080002,167.080002,66520000 +1983-07-11,167.089996,168.110001,167.089996,168.110001,168.110001,61610000 +1983-07-12,168.050003,168.050003,165.509995,165.529999,165.529999,70220000 +1983-07-13,165.000000,165.679993,164.770004,165.460007,165.460007,68900000 +1983-07-14,165.610001,166.960007,165.610001,166.009995,166.009995,83500000 +1983-07-15,166.009995,166.039993,164.029999,164.289993,164.289993,63160000 +1983-07-18,164.279999,164.289993,163.300003,163.949997,163.949997,69110000 +1983-07-19,163.949997,165.179993,163.949997,164.820007,164.820007,74030000 +1983-07-20,164.889999,169.289993,164.889999,169.289993,169.289993,109310000 +1983-07-21,169.289993,169.800003,168.330002,169.059998,169.059998,101830000 +1983-07-22,168.509995,169.080002,168.399994,168.889999,168.889999,68850000 +1983-07-25,167.669998,169.740005,167.630005,169.529999,169.529999,73680000 +1983-07-26,169.619995,170.630005,169.259995,170.529999,170.529999,91280000 +1983-07-27,170.679993,170.720001,167.490005,167.589996,167.589996,99290000 +1983-07-28,167.320007,167.789993,164.990005,165.039993,165.039993,78410000 +1983-07-29,165.029999,165.029999,161.500000,162.559998,162.559998,95240000 +1983-08-01,162.339996,162.779999,161.550003,162.039993,162.039993,77210000 +1983-08-02,162.059998,163.039993,161.970001,162.009995,162.009995,74460000 +1983-08-03,162.009995,163.440002,161.520004,163.440002,163.440002,80370000 +1983-08-04,163.279999,163.419998,159.630005,161.330002,161.330002,100870000 +1983-08-05,161.330002,161.880005,160.889999,161.740005,161.740005,67850000 +1983-08-08,161.729996,161.729996,159.179993,159.179993,159.179993,71460000 +1983-08-09,159.199997,160.139999,158.500000,160.130005,160.130005,81420000 +1983-08-10,160.110001,161.770004,159.470001,161.539993,161.539993,82900000 +1983-08-11,161.550003,162.139999,161.410004,161.539993,161.539993,70630000 +1983-08-12,161.550003,162.600006,161.550003,162.160004,162.160004,71840000 +1983-08-15,162.220001,164.759995,162.220001,163.699997,163.699997,83200000 +1983-08-16,163.740005,163.839996,162.720001,163.410004,163.410004,71780000 +1983-08-17,163.580002,165.399994,163.429993,165.289993,165.289993,87800000 +1983-08-18,165.289993,165.910004,163.550003,163.550003,163.550003,82280000 +1983-08-19,163.580002,164.270004,163.220001,163.979996,163.979996,58950000 +1983-08-22,164.179993,165.639999,163.770004,164.339996,164.339996,76420000 +1983-08-23,164.330002,164.330002,162.539993,162.770004,162.770004,66800000 +1983-08-24,162.770004,162.770004,161.199997,161.250000,161.250000,72200000 +1983-08-25,161.270004,161.279999,159.960007,160.839996,160.839996,70140000 +1983-08-26,160.850006,162.160004,160.250000,162.139999,162.139999,61650000 +1983-08-29,162.139999,162.320007,160.970001,162.250000,162.250000,53030000 +1983-08-30,162.250000,163.130005,162.110001,162.580002,162.580002,62370000 +1983-08-31,162.550003,164.399994,162.320007,164.399994,164.399994,80800000 +1983-09-01,164.399994,164.660004,163.949997,164.229996,164.229996,76120000 +1983-09-02,164.250000,165.070007,164.210007,165.000000,165.000000,59300000 +1983-09-06,165.199997,167.899994,165.029999,167.889999,167.889999,87500000 +1983-09-07,167.899994,168.479996,167.460007,167.960007,167.960007,94240000 +1983-09-08,167.960007,168.139999,167.119995,167.770004,167.770004,79250000 +1983-09-09,167.770004,167.770004,166.910004,166.919998,166.919998,77990000 +1983-09-12,166.949997,169.199997,165.270004,165.479996,165.479996,114020000 +1983-09-13,165.479996,165.479996,164.169998,164.800003,164.800003,73970000 +1983-09-14,164.800003,165.419998,164.630005,165.350006,165.350006,73370000 +1983-09-15,165.389999,165.580002,164.380005,164.380005,164.380005,70420000 +1983-09-16,164.419998,166.570007,164.389999,166.250000,166.250000,75530000 +1983-09-19,166.270004,168.089996,166.259995,167.619995,167.619995,85630000 +1983-09-20,167.639999,169.380005,167.639999,169.240005,169.240005,103050000 +1983-09-21,169.270004,169.300003,168.210007,168.410004,168.410004,91280000 +1983-09-22,168.399994,169.779999,168.220001,169.759995,169.759995,97050000 +1983-09-23,169.759995,170.169998,168.880005,169.509995,169.509995,93180000 +1983-09-26,169.529999,170.410004,169.160004,170.070007,170.070007,86400000 +1983-09-27,170.020004,170.020004,167.949997,168.429993,168.429993,81100000 +1983-09-28,168.419998,168.529999,167.520004,168.000000,168.000000,75820000 +1983-09-29,168.020004,168.350006,167.229996,167.229996,167.229996,73730000 +1983-09-30,167.229996,167.229996,165.630005,166.070007,166.070007,70860000 +1983-10-03,165.990005,166.070007,164.929993,165.809998,165.809998,77230000 +1983-10-04,165.809998,166.800003,165.809998,166.270004,166.270004,90270000 +1983-10-05,166.289993,167.740005,165.919998,167.740005,167.740005,101710000 +1983-10-06,167.759995,170.279999,167.759995,170.279999,170.279999,118270000 +1983-10-07,170.320007,171.100006,170.309998,170.800003,170.800003,103630000 +1983-10-10,170.770004,172.649994,170.050003,172.649994,172.649994,67050000 +1983-10-11,172.589996,172.589996,170.339996,170.339996,170.339996,79510000 +1983-10-12,170.339996,170.839996,169.339996,169.619995,169.619995,75630000 +1983-10-13,169.630005,170.119995,169.130005,169.869995,169.869995,67750000 +1983-10-14,169.880005,169.990005,169.179993,169.860001,169.860001,71600000 +1983-10-17,169.850006,171.179993,169.630005,170.429993,170.429993,77730000 +1983-10-18,170.410004,170.410004,167.669998,167.809998,167.809998,91080000 +1983-10-19,167.809998,167.809998,165.669998,166.729996,166.729996,107790000 +1983-10-20,166.770004,167.350006,166.440002,166.979996,166.979996,86000000 +1983-10-21,166.970001,167.229996,164.979996,165.949997,165.949997,91640000 +1983-10-24,165.850006,165.990005,163.850006,165.990005,165.990005,85420000 +1983-10-25,166.000000,167.149994,166.000000,166.470001,166.470001,82530000 +1983-10-26,166.490005,166.649994,165.360001,165.380005,165.380005,79570000 +1983-10-27,165.309998,165.380005,164.410004,164.839996,164.839996,79570000 +1983-10-28,164.889999,165.190002,163.229996,163.369995,163.369995,81180000 +1983-10-31,163.369995,164.580002,162.860001,163.550003,163.550003,79460000 +1983-11-01,163.550003,163.660004,162.369995,163.660004,163.660004,84460000 +1983-11-02,165.210007,165.210007,163.550003,164.839996,164.839996,95210000 +1983-11-03,164.839996,164.850006,163.419998,163.449997,163.449997,85350000 +1983-11-04,162.679993,163.449997,162.220001,162.440002,162.440002,72080000 +1983-11-07,162.419998,162.559998,161.839996,161.910004,161.910004,69400000 +1983-11-08,161.910004,162.149994,161.630005,161.759995,161.759995,64900000 +1983-11-09,161.740005,163.970001,161.740005,163.970001,163.970001,83100000 +1983-11-10,163.990005,164.710007,163.970001,164.410004,164.410004,88730000 +1983-11-11,164.410004,166.300003,164.339996,166.289993,166.289993,74270000 +1983-11-14,166.289993,167.580002,166.270004,166.580002,166.580002,86880000 +1983-11-15,166.580002,166.589996,165.279999,165.360001,165.360001,77840000 +1983-11-16,165.360001,166.410004,165.339996,166.080002,166.080002,83380000 +1983-11-17,166.080002,166.490005,165.509995,166.130005,166.130005,80740000 +1983-11-18,166.080002,166.130005,164.500000,165.089996,165.089996,88280000 +1983-11-21,165.039993,166.050003,165.000000,166.050003,166.050003,97740000 +1983-11-22,166.050003,167.259995,166.050003,166.839996,166.839996,117550000 +1983-11-23,166.880005,167.210007,166.259995,166.960007,166.960007,108080000 +1983-11-25,167.020004,167.199997,166.729996,167.179993,167.179993,57820000 +1983-11-28,167.199997,167.220001,166.210007,166.539993,166.539993,78210000 +1983-11-29,166.539993,167.919998,166.169998,167.910004,167.910004,100460000 +1983-11-30,167.910004,168.070007,166.330002,166.399994,166.399994,120130000 +1983-12-01,166.369995,166.770004,166.080002,166.490005,166.490005,106970000 +1983-12-02,166.490005,166.699997,165.250000,165.440002,165.440002,93960000 +1983-12-05,165.440002,165.789993,164.710007,165.759995,165.759995,88330000 +1983-12-06,165.770004,165.929993,165.339996,165.470001,165.470001,89690000 +1983-12-07,165.470001,166.339996,165.350006,165.910004,165.910004,105670000 +1983-12-08,165.910004,166.009995,164.860001,165.199997,165.199997,96530000 +1983-12-09,165.199997,165.289993,164.500000,165.080002,165.080002,98280000 +1983-12-12,165.130005,165.619995,164.990005,165.619995,165.619995,77340000 +1983-12-13,165.619995,165.630005,164.850006,164.929993,164.929993,93500000 +1983-12-14,164.929993,164.929993,163.250000,163.330002,163.330002,85430000 +1983-12-15,163.330002,163.330002,161.660004,161.660004,161.660004,88300000 +1983-12-16,161.690002,162.389999,161.580002,162.389999,162.389999,81030000 +1983-12-19,162.339996,162.880005,162.270004,162.320007,162.320007,75180000 +1983-12-20,162.330002,162.800003,161.639999,162.000000,162.000000,83740000 +1983-12-21,162.000000,163.570007,161.990005,163.559998,163.559998,108080000 +1983-12-22,163.559998,164.179993,163.169998,163.529999,163.529999,106260000 +1983-12-23,163.270004,163.309998,162.899994,163.220001,163.220001,62710000 +1983-12-27,163.220001,164.759995,163.220001,164.759995,164.759995,63800000 +1983-12-28,164.690002,165.339996,164.300003,165.339996,165.339996,85660000 +1983-12-29,165.330002,165.839996,164.830002,164.860001,164.860001,86560000 +1983-12-30,164.860001,165.050003,164.580002,164.929993,164.929993,71840000 +1984-01-03,164.929993,164.929993,163.979996,164.039993,164.039993,71340000 +1984-01-04,164.089996,166.779999,164.039993,166.779999,166.779999,112980000 +1984-01-05,166.779999,169.100006,166.779999,168.809998,168.809998,159990000 +1984-01-06,168.809998,169.309998,168.490005,169.279999,169.279999,137590000 +1984-01-09,169.179993,169.460007,168.479996,168.899994,168.899994,107100000 +1984-01-10,168.899994,169.539993,167.869995,167.949997,167.949997,109570000 +1984-01-11,167.949997,168.070007,167.270004,167.800003,167.800003,98660000 +1984-01-12,167.789993,168.399994,167.679993,167.750000,167.750000,99410000 +1984-01-13,167.750000,168.589996,166.639999,167.020004,167.020004,101790000 +1984-01-16,167.020004,167.550003,166.770004,167.179993,167.179993,93790000 +1984-01-17,167.179993,167.839996,167.009995,167.830002,167.830002,92750000 +1984-01-18,167.830002,168.339996,167.020004,167.550003,167.550003,109010000 +1984-01-19,167.550003,167.649994,166.669998,167.039993,167.039993,98340000 +1984-01-20,167.039993,167.059998,165.869995,166.210007,166.210007,93360000 +1984-01-23,166.210007,166.210007,164.830002,164.869995,164.869995,82010000 +1984-01-24,164.869995,166.350006,164.839996,165.940002,165.940002,103050000 +1984-01-25,165.940002,167.119995,164.740005,164.839996,164.839996,113470000 +1984-01-26,164.839996,165.550003,164.119995,164.240005,164.240005,111100000 +1984-01-27,164.240005,164.330002,163.070007,163.940002,163.940002,103720000 +1984-01-30,164.399994,164.669998,162.399994,162.869995,162.869995,103120000 +1984-01-31,162.869995,163.600006,162.029999,163.410004,163.410004,113510000 +1984-02-01,163.410004,164.000000,162.270004,162.740005,162.740005,107100000 +1984-02-02,162.740005,163.360001,162.240005,163.360001,163.360001,111330000 +1984-02-03,163.440002,163.979996,160.820007,160.910004,160.910004,109100000 +1984-02-06,160.910004,160.910004,158.020004,158.080002,158.080002,109090000 +1984-02-07,157.910004,158.809998,157.009995,158.740005,158.740005,107640000 +1984-02-08,158.740005,159.070007,155.669998,155.850006,155.850006,96890000 +1984-02-09,155.850006,156.169998,154.300003,155.419998,155.419998,128190000 +1984-02-10,155.419998,156.520004,155.419998,156.300003,156.300003,92220000 +1984-02-13,156.300003,156.320007,154.130005,154.949997,154.949997,78460000 +1984-02-14,154.949997,156.610001,154.949997,156.610001,156.610001,91800000 +1984-02-15,156.610001,157.479996,156.100006,156.250000,156.250000,94870000 +1984-02-16,155.940002,156.440002,155.440002,156.130005,156.130005,81750000 +1984-02-17,156.130005,156.800003,155.509995,155.740005,155.740005,76600000 +1984-02-21,155.710007,155.740005,154.470001,154.639999,154.639999,71890000 +1984-02-22,154.520004,155.100006,153.940002,154.309998,154.309998,90080000 +1984-02-23,154.020004,154.449997,152.130005,154.289993,154.289993,100220000 +1984-02-24,154.309998,157.509995,154.289993,157.509995,157.509995,102620000 +1984-02-27,157.509995,159.580002,157.080002,159.300003,159.300003,99140000 +1984-02-28,159.300003,159.300003,156.589996,156.820007,156.820007,91010000 +1984-02-29,156.820007,158.270004,156.410004,157.059998,157.059998,92810000 +1984-03-01,157.059998,158.190002,156.770004,158.190002,158.190002,82010000 +1984-03-02,158.190002,159.899994,158.190002,159.240005,159.240005,108270000 +1984-03-05,159.240005,159.240005,157.589996,157.889999,157.889999,69870000 +1984-03-06,157.889999,158.369995,156.210007,156.250000,156.250000,83590000 +1984-03-07,156.250000,156.250000,153.809998,154.570007,154.570007,90080000 +1984-03-08,154.570007,155.800003,154.350006,155.190002,155.190002,80630000 +1984-03-09,155.119995,155.190002,153.770004,154.350006,154.350006,73170000 +1984-03-12,154.350006,156.350006,154.350006,156.339996,156.339996,84470000 +1984-03-13,156.339996,157.929993,156.339996,156.779999,156.779999,102600000 +1984-03-14,156.779999,157.169998,156.220001,156.770004,156.770004,77250000 +1984-03-15,156.779999,158.050003,156.729996,157.410004,157.410004,79520000 +1984-03-16,157.410004,160.449997,157.410004,159.270004,159.270004,118000000 +1984-03-19,159.270004,159.270004,157.279999,157.779999,157.779999,64060000 +1984-03-20,157.779999,159.169998,157.779999,158.860001,158.860001,86460000 +1984-03-21,158.860001,159.259995,158.589996,158.660004,158.660004,87170000 +1984-03-22,158.660004,158.669998,156.610001,156.690002,156.690002,87340000 +1984-03-23,156.690002,156.919998,156.020004,156.860001,156.860001,79760000 +1984-03-26,156.860001,157.179993,156.309998,156.669998,156.669998,69070000 +1984-03-27,156.669998,157.300003,156.610001,157.300003,157.300003,73670000 +1984-03-28,157.300003,159.899994,157.300003,159.880005,159.880005,104870000 +1984-03-29,159.880005,160.460007,159.520004,159.520004,159.520004,81470000 +1984-03-30,159.520004,159.520004,158.919998,159.179993,159.179993,71590000 +1984-04-02,159.179993,159.869995,157.630005,157.979996,157.979996,85680000 +1984-04-03,157.990005,158.270004,157.169998,157.660004,157.660004,87980000 +1984-04-04,157.660004,158.110001,157.289993,157.539993,157.539993,92860000 +1984-04-05,157.539993,158.100006,154.960007,155.039993,155.039993,101750000 +1984-04-06,155.039993,155.479996,154.119995,155.479996,155.479996,86620000 +1984-04-09,155.479996,155.860001,154.710007,155.449997,155.449997,71570000 +1984-04-10,155.449997,156.570007,155.449997,155.869995,155.869995,78990000 +1984-04-11,155.929993,156.309998,154.899994,155.000000,155.000000,80280000 +1984-04-12,155.000000,157.740005,154.169998,157.729996,157.729996,96330000 +1984-04-13,157.729996,158.869995,157.130005,157.309998,157.309998,99620000 +1984-04-16,157.309998,158.350006,156.490005,158.320007,158.320007,73870000 +1984-04-17,158.320007,159.589996,158.320007,158.970001,158.970001,98150000 +1984-04-18,158.970001,158.970001,157.639999,157.899994,157.899994,85040000 +1984-04-19,157.899994,158.020004,157.100006,158.020004,158.020004,75860000 +1984-04-23,158.020004,158.050003,156.789993,156.800003,156.800003,73080000 +1984-04-24,156.800003,158.380005,156.610001,158.070007,158.070007,87060000 +1984-04-25,158.070007,158.770004,157.800003,158.649994,158.649994,83520000 +1984-04-26,158.649994,160.500000,158.649994,160.300003,160.300003,98000000 +1984-04-27,160.300003,160.690002,159.770004,159.889999,159.889999,88530000 +1984-04-30,159.889999,160.429993,159.300003,160.050003,160.050003,72740000 +1984-05-01,160.050003,161.690002,160.050003,161.679993,161.679993,110550000 +1984-05-02,161.679993,162.110001,161.410004,161.899994,161.899994,107080000 +1984-05-03,161.899994,161.899994,160.949997,161.199997,161.199997,91910000 +1984-05-04,161.199997,161.199997,158.929993,159.110001,159.110001,98580000 +1984-05-07,159.110001,159.479996,158.630005,159.470001,159.470001,72760000 +1984-05-08,159.470001,160.520004,159.139999,160.520004,160.520004,81610000 +1984-05-09,160.520004,161.309998,159.389999,160.110001,160.110001,100590000 +1984-05-10,160.110001,160.449997,159.610001,160.000000,160.000000,101810000 +1984-05-11,160.000000,160.000000,157.419998,158.490005,158.490005,82780000 +1984-05-14,158.490005,158.490005,157.199997,157.500000,157.500000,64900000 +1984-05-15,157.500000,158.270004,157.289993,158.000000,158.000000,88250000 +1984-05-16,158.000000,158.410004,157.830002,157.990005,157.990005,89210000 +1984-05-17,157.990005,157.990005,156.149994,156.570007,156.570007,90310000 +1984-05-18,156.570007,156.770004,155.240005,155.779999,155.779999,81270000 +1984-05-21,155.779999,156.110001,154.630005,154.729996,154.729996,73380000 +1984-05-22,154.729996,154.729996,152.990005,153.880005,153.880005,88030000 +1984-05-23,153.880005,154.020004,153.100006,153.149994,153.149994,82690000 +1984-05-24,153.149994,153.149994,150.800003,151.229996,151.229996,99040000 +1984-05-25,151.229996,152.020004,150.850006,151.619995,151.619995,78190000 +1984-05-29,151.619995,151.860001,149.949997,150.289993,150.289993,69060000 +1984-05-30,150.289993,151.429993,148.679993,150.350006,150.350006,105660000 +1984-05-31,150.350006,150.690002,149.759995,150.550003,150.550003,81890000 +1984-06-01,150.550003,153.240005,150.550003,153.240005,153.240005,96040000 +1984-06-04,153.240005,155.100006,153.240005,154.339996,154.339996,96740000 +1984-06-05,154.339996,154.339996,153.279999,153.649994,153.649994,84840000 +1984-06-06,153.649994,155.029999,153.380005,155.009995,155.009995,83440000 +1984-06-07,155.009995,155.110001,154.360001,154.919998,154.919998,82120000 +1984-06-08,154.919998,155.399994,154.570007,155.169998,155.169998,67840000 +1984-06-11,155.169998,155.169998,153.000000,153.059998,153.059998,69050000 +1984-06-12,153.059998,153.070007,151.610001,152.190002,152.190002,84660000 +1984-06-13,152.190002,152.850006,151.860001,152.130005,152.130005,67510000 +1984-06-14,152.119995,152.139999,150.309998,150.389999,150.389999,79120000 +1984-06-15,150.490005,150.710007,149.020004,149.029999,149.029999,85460000 +1984-06-18,149.029999,151.919998,148.529999,151.729996,151.729996,94900000 +1984-06-19,151.729996,153.000000,151.729996,152.610001,152.610001,98000000 +1984-06-20,151.889999,154.839996,150.960007,154.839996,154.839996,99090000 +1984-06-21,154.839996,155.639999,154.050003,154.509995,154.509995,123380000 +1984-06-22,154.509995,154.919998,153.889999,154.460007,154.460007,98400000 +1984-06-25,154.460007,154.669998,153.860001,153.970001,153.970001,72850000 +1984-06-26,153.970001,153.970001,152.470001,152.710007,152.710007,82600000 +1984-06-27,152.710007,152.880005,151.300003,151.639999,151.639999,78400000 +1984-06-28,151.639999,153.070007,151.619995,152.839996,152.839996,77660000 +1984-06-29,152.839996,154.080002,152.820007,153.179993,153.179993,90770000 +1984-07-02,153.160004,153.220001,152.440002,153.199997,153.199997,69230000 +1984-07-03,153.199997,153.860001,153.100006,153.699997,153.699997,69960000 +1984-07-05,153.699997,153.869995,152.710007,152.759995,152.759995,66100000 +1984-07-06,152.759995,152.759995,151.630005,152.240005,152.240005,65850000 +1984-07-09,152.240005,153.529999,151.440002,153.360001,153.360001,74830000 +1984-07-10,153.360001,153.529999,152.570007,152.889999,152.889999,74010000 +1984-07-11,152.889999,152.889999,150.550003,150.559998,150.559998,89540000 +1984-07-12,150.559998,151.059998,149.630005,150.029999,150.029999,86050000 +1984-07-13,150.029999,151.160004,150.029999,150.880005,150.880005,75480000 +1984-07-16,150.880005,151.600006,150.009995,151.600006,151.600006,73420000 +1984-07-17,151.600006,152.600006,151.259995,152.380005,152.380005,82890000 +1984-07-18,152.380005,152.380005,151.110001,151.399994,151.399994,76640000 +1984-07-19,151.399994,151.399994,150.270004,150.369995,150.369995,85230000 +1984-07-20,150.369995,150.580002,149.070007,149.550003,149.550003,79090000 +1984-07-23,149.550003,149.550003,147.850006,148.949997,148.949997,77990000 +1984-07-24,148.949997,149.279999,147.779999,147.820007,147.820007,74370000 +1984-07-25,147.820007,149.300003,147.259995,148.830002,148.830002,90520000 +1984-07-26,148.830002,150.160004,148.830002,150.080002,150.080002,90410000 +1984-07-27,150.080002,151.380005,149.990005,151.190002,151.190002,101350000 +1984-07-30,151.190002,151.190002,150.139999,150.190002,150.190002,72330000 +1984-07-31,150.190002,150.770004,149.649994,150.660004,150.660004,86910000 +1984-08-01,150.660004,154.080002,150.660004,154.080002,154.080002,127500000 +1984-08-02,154.080002,157.990005,154.080002,157.990005,157.990005,172800000 +1984-08-03,160.279999,162.559998,158.000000,162.350006,162.350006,236500000 +1984-08-06,162.350006,165.270004,162.089996,162.600006,162.600006,203000000 +1984-08-07,162.600006,163.580002,160.809998,162.720001,162.720001,127900000 +1984-08-08,162.710007,163.869995,161.750000,161.750000,161.750000,121200000 +1984-08-09,161.750000,165.880005,161.470001,165.539993,165.539993,131100000 +1984-08-10,165.539993,168.589996,165.240005,165.419998,165.419998,171000000 +1984-08-13,164.839996,165.490005,163.979996,165.429993,165.429993,77960000 +1984-08-14,165.429993,166.089996,164.279999,164.419998,164.419998,81470000 +1984-08-15,164.419998,164.419998,162.750000,162.800003,162.800003,91880000 +1984-08-16,162.800003,164.419998,162.750000,163.770004,163.770004,93610000 +1984-08-17,164.300003,164.610001,163.779999,164.139999,164.139999,71500000 +1984-08-20,164.139999,164.940002,163.759995,164.940002,164.940002,75450000 +1984-08-21,164.940002,168.220001,164.929993,167.830002,167.830002,128100000 +1984-08-22,167.830002,168.800003,166.919998,167.059998,167.059998,116000000 +1984-08-23,167.059998,167.779999,166.610001,167.119995,167.119995,83130000 +1984-08-24,167.119995,167.520004,167.119995,167.509995,167.509995,69640000 +1984-08-27,167.509995,167.509995,165.809998,166.440002,166.440002,57660000 +1984-08-28,166.440002,167.429993,166.210007,167.399994,167.399994,70560000 +1984-08-29,167.399994,168.210007,167.029999,167.089996,167.089996,90660000 +1984-08-30,167.100006,167.190002,166.550003,166.600006,166.600006,70840000 +1984-08-31,166.600006,166.679993,165.779999,166.679993,166.679993,57460000 +1984-09-04,166.679993,166.679993,164.729996,164.880005,164.880005,62110000 +1984-09-05,164.880005,164.880005,163.839996,164.289993,164.289993,69250000 +1984-09-06,164.289993,165.949997,164.289993,165.649994,165.649994,91920000 +1984-09-07,165.649994,166.309998,164.220001,164.369995,164.369995,84110000 +1984-09-10,164.369995,165.050003,163.059998,164.259995,164.259995,74410000 +1984-09-11,165.220001,166.169998,164.279999,164.449997,164.449997,101300000 +1984-09-12,164.449997,164.809998,164.139999,164.679993,164.679993,77980000 +1984-09-13,164.679993,167.940002,164.679993,167.940002,167.940002,110500000 +1984-09-14,167.940002,169.649994,167.940002,168.779999,168.779999,137400000 +1984-09-17,168.779999,169.369995,167.990005,168.869995,168.869995,88790000 +1984-09-18,168.869995,168.869995,167.639999,167.649994,167.649994,107700000 +1984-09-19,167.649994,168.759995,166.889999,166.940002,166.940002,119900000 +1984-09-20,166.940002,167.470001,166.699997,167.470001,167.470001,92030000 +1984-09-21,167.470001,168.669998,165.660004,165.669998,165.669998,120600000 +1984-09-24,165.669998,166.119995,164.979996,165.279999,165.279999,76380000 +1984-09-25,165.279999,165.970001,164.449997,165.619995,165.619995,86250000 +1984-09-26,165.619995,167.199997,165.610001,166.279999,166.279999,100200000 +1984-09-27,166.750000,167.179993,166.330002,166.960007,166.960007,88880000 +1984-09-28,166.960007,166.960007,165.770004,166.100006,166.100006,78950000 +1984-10-01,166.100006,166.100006,164.479996,164.619995,164.619995,73630000 +1984-10-02,164.619995,165.240005,163.550003,163.589996,163.589996,89360000 +1984-10-03,163.589996,163.589996,162.199997,162.440002,162.440002,92400000 +1984-10-04,162.440002,163.220001,162.440002,162.919998,162.919998,76700000 +1984-10-05,162.919998,163.320007,162.509995,162.679993,162.679993,82950000 +1984-10-08,162.679993,162.679993,161.800003,162.130005,162.130005,46360000 +1984-10-09,162.130005,162.839996,161.619995,161.669998,161.669998,76840000 +1984-10-10,161.669998,162.119995,160.020004,162.110001,162.110001,94270000 +1984-10-11,162.110001,162.869995,162.000000,162.779999,162.779999,87020000 +1984-10-12,162.779999,164.470001,162.779999,164.179993,164.179993,92190000 +1984-10-15,164.179993,166.149994,164.089996,165.770004,165.770004,87590000 +1984-10-16,165.779999,165.779999,164.660004,164.779999,164.779999,82930000 +1984-10-17,164.779999,165.039993,163.710007,164.139999,164.139999,99740000 +1984-10-18,164.139999,168.100006,163.800003,168.100006,168.100006,149500000 +1984-10-19,168.080002,169.619995,167.309998,167.960007,167.960007,186900000 +1984-10-22,167.960007,168.360001,167.259995,167.360001,167.360001,81020000 +1984-10-23,167.360001,168.270004,166.830002,167.089996,167.089996,92260000 +1984-10-24,167.089996,167.539993,166.820007,167.199997,167.199997,91620000 +1984-10-25,167.199997,167.619995,166.169998,166.309998,166.309998,92760000 +1984-10-26,166.309998,166.309998,164.929993,165.289993,165.289993,83900000 +1984-10-29,165.289993,165.289993,164.669998,164.779999,164.779999,63200000 +1984-10-30,164.779999,167.330002,164.779999,166.839996,166.839996,95200000 +1984-10-31,166.740005,166.949997,165.990005,166.089996,166.089996,91890000 +1984-11-01,166.089996,167.830002,166.089996,167.490005,167.490005,107300000 +1984-11-02,167.490005,167.949997,167.240005,167.419998,167.419998,96810000 +1984-11-05,167.419998,168.649994,167.330002,168.580002,168.580002,84730000 +1984-11-06,168.580002,170.410004,168.580002,170.410004,170.410004,101200000 +1984-11-07,170.410004,170.410004,168.440002,169.169998,169.169998,110800000 +1984-11-08,169.190002,169.270004,168.270004,168.679993,168.679993,88580000 +1984-11-09,168.679993,169.460007,167.440002,167.600006,167.600006,83620000 +1984-11-12,167.649994,167.649994,166.669998,167.360001,167.360001,55610000 +1984-11-13,167.360001,167.380005,165.789993,165.970001,165.970001,69790000 +1984-11-14,165.970001,166.429993,165.389999,165.990005,165.990005,73940000 +1984-11-15,165.990005,166.490005,165.610001,165.889999,165.889999,81530000 +1984-11-16,165.889999,166.240005,164.089996,164.100006,164.100006,83140000 +1984-11-19,164.100006,164.339996,163.029999,163.089996,163.089996,69730000 +1984-11-20,163.100006,164.470001,163.100006,164.179993,164.179993,83240000 +1984-11-21,164.179993,164.679993,163.289993,164.509995,164.509995,81620000 +1984-11-23,164.520004,166.919998,164.520004,166.919998,166.919998,73910000 +1984-11-26,166.919998,166.919998,165.369995,165.550003,165.550003,76520000 +1984-11-27,165.550003,166.850006,165.070007,166.289993,166.289993,95470000 +1984-11-28,166.289993,166.899994,164.970001,165.020004,165.020004,86300000 +1984-11-29,165.020004,165.020004,163.779999,163.910004,163.910004,75860000 +1984-11-30,163.910004,163.910004,162.990005,163.580002,163.580002,77580000 +1984-12-03,163.580002,163.580002,162.289993,162.820007,162.820007,95300000 +1984-12-04,162.820007,163.910004,162.820007,163.380005,163.380005,81250000 +1984-12-05,163.380005,163.399994,161.929993,162.100006,162.100006,88700000 +1984-12-06,162.100006,163.110001,161.759995,162.759995,162.759995,96560000 +1984-12-07,162.759995,163.309998,162.259995,162.259995,162.259995,81000000 +1984-12-10,162.259995,163.320007,161.539993,162.830002,162.830002,81140000 +1984-12-11,162.830002,163.179993,162.559998,163.070007,163.070007,80240000 +1984-12-12,163.070007,163.179993,162.550003,162.630005,162.630005,78710000 +1984-12-13,162.630005,162.919998,161.539993,161.809998,161.809998,80850000 +1984-12-14,161.809998,163.529999,161.630005,162.690002,162.690002,95060000 +1984-12-17,162.690002,163.630005,162.440002,163.610001,163.610001,89490000 +1984-12-18,163.610001,168.110001,163.610001,168.110001,168.110001,169000000 +1984-12-19,168.110001,169.029999,166.839996,167.160004,167.160004,139600000 +1984-12-20,167.160004,167.580002,166.289993,166.380005,166.380005,93220000 +1984-12-21,166.339996,166.380005,164.619995,165.509995,165.509995,101200000 +1984-12-24,165.509995,166.929993,165.500000,166.759995,166.759995,55550000 +1984-12-26,166.759995,166.759995,166.289993,166.470001,166.470001,46700000 +1984-12-27,166.470001,166.500000,165.619995,165.750000,165.750000,70100000 +1984-12-28,165.750000,166.320007,165.669998,166.259995,166.259995,77070000 +1984-12-31,166.259995,167.339996,166.059998,167.240005,167.240005,80260000 +1985-01-02,167.199997,167.199997,165.190002,165.369995,165.369995,67820000 +1985-01-03,165.369995,166.110001,164.380005,164.570007,164.570007,88880000 +1985-01-04,164.550003,164.550003,163.360001,163.679993,163.679993,77480000 +1985-01-07,163.679993,164.710007,163.679993,164.240005,164.240005,86190000 +1985-01-08,164.240005,164.589996,163.910004,163.990005,163.990005,92110000 +1985-01-09,163.990005,165.570007,163.990005,165.179993,165.179993,99230000 +1985-01-10,165.179993,168.309998,164.990005,168.309998,168.309998,124700000 +1985-01-11,168.309998,168.720001,167.580002,167.910004,167.910004,107600000 +1985-01-14,167.910004,170.550003,167.580002,170.509995,170.509995,124900000 +1985-01-15,170.509995,171.820007,170.399994,170.809998,170.809998,155300000 +1985-01-16,170.809998,171.940002,170.410004,171.190002,171.190002,135500000 +1985-01-17,171.190002,171.339996,170.220001,170.729996,170.729996,113600000 +1985-01-18,170.729996,171.419998,170.660004,171.320007,171.320007,104700000 +1985-01-21,171.320007,175.449997,171.309998,175.229996,175.229996,146800000 +1985-01-22,175.229996,176.630005,175.139999,175.479996,175.479996,174800000 +1985-01-23,175.479996,177.300003,175.149994,177.300003,177.300003,144400000 +1985-01-24,177.300003,178.160004,176.559998,176.710007,176.710007,160700000 +1985-01-25,176.710007,177.750000,176.539993,177.350006,177.350006,122400000 +1985-01-28,177.350006,178.190002,176.559998,177.399994,177.399994,128400000 +1985-01-29,177.399994,179.190002,176.580002,179.179993,179.179993,115700000 +1985-01-30,179.179993,180.270004,179.050003,179.389999,179.389999,170000000 +1985-01-31,179.389999,179.830002,178.559998,179.630005,179.630005,132500000 +1985-02-01,179.630005,179.630005,178.440002,178.630005,178.630005,105400000 +1985-02-04,178.630005,180.350006,177.750000,180.350006,180.350006,113700000 +1985-02-05,180.350006,181.529999,180.070007,180.610001,180.610001,143900000 +1985-02-06,180.610001,181.500000,180.320007,180.429993,180.429993,141000000 +1985-02-07,180.429993,181.960007,180.429993,181.820007,181.820007,151700000 +1985-02-08,181.820007,182.389999,181.669998,182.190002,182.190002,116500000 +1985-02-11,182.190002,182.190002,180.110001,180.509995,180.509995,104000000 +1985-02-12,180.509995,180.750000,179.449997,180.559998,180.559998,111100000 +1985-02-13,180.559998,183.860001,180.500000,183.350006,183.350006,142500000 +1985-02-14,183.350006,183.949997,182.389999,182.410004,182.410004,139700000 +1985-02-15,182.410004,182.649994,181.229996,181.600006,181.600006,106500000 +1985-02-19,181.600006,181.610001,180.949997,181.330002,181.330002,90400000 +1985-02-20,181.330002,182.100006,180.639999,181.179993,181.179993,118200000 +1985-02-21,181.179993,181.179993,180.020004,180.190002,180.190002,104000000 +1985-02-22,180.190002,180.410004,179.229996,179.360001,179.360001,93680000 +1985-02-25,179.360001,179.360001,178.130005,179.229996,179.229996,89740000 +1985-02-26,179.229996,181.580002,179.160004,181.169998,181.169998,114200000 +1985-02-27,181.169998,181.869995,180.500000,180.710007,180.710007,107700000 +1985-02-28,180.710007,181.210007,180.330002,181.179993,181.179993,100700000 +1985-03-01,181.179993,183.889999,181.160004,183.229996,183.229996,139900000 +1985-03-04,183.229996,183.410004,181.399994,182.059998,182.059998,102100000 +1985-03-05,182.059998,182.649994,181.419998,182.229996,182.229996,116400000 +1985-03-06,182.229996,182.250000,180.589996,180.649994,180.649994,116900000 +1985-03-07,180.649994,180.649994,179.440002,179.509995,179.509995,112100000 +1985-03-08,179.509995,179.970001,179.070007,179.100006,179.100006,96390000 +1985-03-11,179.100006,179.460007,178.149994,178.789993,178.789993,84110000 +1985-03-12,178.789993,180.139999,178.699997,179.660004,179.660004,92840000 +1985-03-13,179.660004,179.960007,178.020004,178.190002,178.190002,101700000 +1985-03-14,178.190002,178.529999,177.610001,177.839996,177.839996,103400000 +1985-03-15,177.839996,178.410004,176.529999,176.529999,176.529999,105200000 +1985-03-18,176.529999,177.660004,176.529999,176.880005,176.880005,94020000 +1985-03-19,176.880005,179.559998,176.869995,179.539993,179.539993,119200000 +1985-03-20,179.539993,179.779999,178.789993,179.080002,179.080002,107500000 +1985-03-21,179.080002,180.220001,178.889999,179.350006,179.350006,95930000 +1985-03-22,179.350006,179.919998,178.860001,179.039993,179.039993,99250000 +1985-03-25,179.039993,179.039993,177.850006,177.970001,177.970001,74040000 +1985-03-26,177.970001,178.860001,177.880005,178.429993,178.429993,89930000 +1985-03-27,178.429993,179.800003,178.429993,179.539993,179.539993,101000000 +1985-03-28,179.539993,180.600006,179.429993,179.539993,179.539993,99780000 +1985-03-29,179.539993,180.660004,179.539993,180.660004,180.660004,101400000 +1985-04-01,180.660004,181.270004,180.429993,181.270004,181.270004,89900000 +1985-04-02,181.270004,181.860001,180.279999,180.529999,180.529999,101700000 +1985-04-03,180.529999,180.529999,178.639999,179.110001,179.110001,95480000 +1985-04-04,179.110001,179.130005,178.289993,179.029999,179.029999,86910000 +1985-04-08,179.029999,179.460007,177.860001,178.029999,178.029999,79960000 +1985-04-09,178.029999,178.669998,177.970001,178.210007,178.210007,83980000 +1985-04-10,178.210007,179.899994,178.210007,179.419998,179.419998,108200000 +1985-04-11,179.419998,180.910004,179.419998,180.190002,180.190002,108400000 +1985-04-12,180.190002,180.550003,180.059998,180.539993,180.539993,86220000 +1985-04-15,180.539993,181.149994,180.449997,180.919998,180.919998,80660000 +1985-04-16,180.919998,181.779999,180.190002,181.199997,181.199997,98480000 +1985-04-17,181.199997,181.910004,181.139999,181.679993,181.679993,96020000 +1985-04-18,181.679993,182.559998,180.750000,180.839996,180.839996,100600000 +1985-04-19,180.839996,181.250000,180.419998,181.110001,181.110001,81110000 +1985-04-22,181.110001,181.229996,180.250000,180.699997,180.699997,79930000 +1985-04-23,180.699997,181.970001,180.339996,181.880005,181.880005,108900000 +1985-04-24,181.880005,182.270004,181.740005,182.259995,182.259995,99600000 +1985-04-25,182.259995,183.429993,182.119995,183.429993,183.429993,108600000 +1985-04-26,183.429993,183.610001,182.110001,182.179993,182.179993,86570000 +1985-04-29,182.179993,182.339996,180.619995,180.630005,180.630005,88860000 +1985-04-30,180.630005,180.630005,178.860001,179.830002,179.830002,111800000 +1985-05-01,179.830002,180.039993,178.350006,178.369995,178.369995,101600000 +1985-05-02,178.369995,179.009995,178.369995,179.009995,179.009995,107700000 +1985-05-03,179.009995,180.300003,179.009995,180.080002,180.080002,94870000 +1985-05-06,180.080002,180.559998,179.820007,179.990005,179.990005,85650000 +1985-05-07,179.990005,181.089996,179.869995,180.759995,180.759995,100200000 +1985-05-08,180.759995,180.759995,179.960007,180.619995,180.619995,101300000 +1985-05-09,180.619995,181.970001,180.619995,181.919998,181.919998,111000000 +1985-05-10,181.919998,184.740005,181.919998,184.279999,184.279999,140300000 +1985-05-13,184.279999,184.610001,184.190002,184.610001,184.610001,85830000 +1985-05-14,184.610001,185.169998,183.649994,183.869995,183.869995,97360000 +1985-05-15,183.869995,185.429993,183.860001,184.539993,184.539993,106100000 +1985-05-16,184.539993,185.740005,184.539993,185.660004,185.660004,99420000 +1985-05-17,185.660004,187.940002,185.470001,187.419998,187.419998,124600000 +1985-05-20,187.419998,189.979996,187.419998,189.720001,189.720001,146300000 +1985-05-21,189.720001,189.809998,188.779999,189.639999,189.639999,130200000 +1985-05-22,189.639999,189.639999,187.710007,188.559998,188.559998,101400000 +1985-05-23,188.559998,188.559998,187.449997,187.600006,187.600006,101000000 +1985-05-24,187.600006,188.289993,187.289993,188.289993,188.289993,85970000 +1985-05-28,188.289993,188.940002,187.380005,187.860001,187.860001,90600000 +1985-05-29,187.860001,187.860001,187.110001,187.679993,187.679993,96540000 +1985-05-30,187.679993,188.039993,187.089996,187.750000,187.750000,108300000 +1985-05-31,187.750000,189.589996,187.449997,189.550003,189.550003,134100000 +1985-06-03,189.550003,190.360001,188.929993,189.320007,189.320007,125000000 +1985-06-04,189.320007,190.270004,188.880005,190.039993,190.039993,115400000 +1985-06-05,190.039993,191.020004,190.039993,190.160004,190.160004,143900000 +1985-06-06,189.750000,191.059998,189.130005,191.059998,191.059998,117200000 +1985-06-07,191.059998,191.289993,189.550003,189.679993,189.679993,99630000 +1985-06-10,189.679993,189.679993,188.820007,189.509995,189.509995,87940000 +1985-06-11,189.509995,189.610001,188.779999,189.039993,189.039993,102100000 +1985-06-12,189.039993,189.039993,187.589996,187.610001,187.610001,97700000 +1985-06-13,187.610001,187.610001,185.029999,185.330002,185.330002,107000000 +1985-06-14,185.330002,187.100006,185.330002,187.100006,187.100006,93090000 +1985-06-17,187.100006,187.100006,185.979996,186.529999,186.529999,82170000 +1985-06-18,186.529999,187.649994,186.509995,187.339996,187.339996,106900000 +1985-06-19,187.339996,187.979996,186.630005,186.630005,186.630005,108300000 +1985-06-20,186.630005,186.740005,185.970001,186.729996,186.729996,87500000 +1985-06-21,186.729996,189.660004,186.429993,189.610001,189.610001,125400000 +1985-06-24,188.770004,189.610001,187.839996,189.149994,189.149994,96040000 +1985-06-25,189.149994,190.960007,189.149994,189.740005,189.740005,115700000 +1985-06-26,189.740005,190.259995,189.440002,190.059998,190.059998,94130000 +1985-06-27,190.059998,191.360001,190.059998,191.229996,191.229996,106700000 +1985-06-28,191.229996,191.850006,191.039993,191.850006,191.850006,105200000 +1985-07-01,191.850006,192.429993,191.169998,192.429993,192.429993,96080000 +1985-07-02,192.429993,192.630005,191.839996,192.009995,192.009995,111100000 +1985-07-03,192.009995,192.080002,191.369995,191.449997,191.449997,98410000 +1985-07-05,191.449997,192.669998,191.449997,192.520004,192.520004,62450000 +1985-07-08,192.470001,192.520004,191.259995,191.929993,191.929993,83670000 +1985-07-09,191.929993,191.929993,190.809998,191.050003,191.050003,99060000 +1985-07-10,191.050003,192.369995,190.990005,192.369995,192.369995,108200000 +1985-07-11,192.369995,192.949997,192.279999,192.940002,192.940002,122800000 +1985-07-12,192.940002,193.320007,192.639999,193.289993,193.289993,120300000 +1985-07-15,193.289993,193.839996,192.550003,192.720001,192.720001,103900000 +1985-07-16,192.720001,194.720001,192.720001,194.720001,194.720001,132500000 +1985-07-17,194.860001,196.070007,194.720001,195.649994,195.649994,159900000 +1985-07-18,195.649994,195.649994,194.339996,194.380005,194.380005,131400000 +1985-07-19,194.380005,195.130005,194.279999,195.130005,195.130005,114800000 +1985-07-22,195.130005,195.130005,193.580002,194.350006,194.350006,93540000 +1985-07-23,194.350006,194.979996,192.279999,192.550003,192.550003,143600000 +1985-07-24,192.550003,192.550003,190.660004,191.580002,191.580002,128600000 +1985-07-25,191.580002,192.229996,191.169998,192.059998,192.059998,123300000 +1985-07-26,192.059998,192.779999,191.580002,192.399994,192.399994,107000000 +1985-07-29,192.399994,192.419998,189.529999,189.600006,189.600006,95960000 +1985-07-30,189.619995,190.050003,189.300003,189.929993,189.929993,102300000 +1985-07-31,189.929993,191.330002,189.929993,190.919998,190.919998,124200000 +1985-08-01,190.919998,192.169998,190.910004,192.110001,192.110001,121500000 +1985-08-02,192.110001,192.110001,191.270004,191.479996,191.479996,87860000 +1985-08-05,191.479996,191.479996,189.949997,190.619995,190.619995,79610000 +1985-08-06,190.619995,190.720001,187.869995,187.929993,187.929993,104000000 +1985-08-07,187.929993,187.929993,187.389999,187.679993,187.679993,100000000 +1985-08-08,187.679993,188.960007,187.679993,188.949997,188.949997,102900000 +1985-08-09,188.949997,189.050003,188.110001,188.320007,188.320007,81750000 +1985-08-12,188.320007,188.320007,187.429993,187.630005,187.630005,77340000 +1985-08-13,187.630005,188.149994,186.509995,187.300003,187.300003,80300000 +1985-08-14,187.300003,187.869995,187.300003,187.410004,187.410004,85780000 +1985-08-15,187.410004,187.740005,186.619995,187.259995,187.259995,86100000 +1985-08-16,187.259995,187.259995,186.100006,186.100006,186.100006,87910000 +1985-08-19,186.100006,186.820007,186.100006,186.380005,186.380005,67930000 +1985-08-20,186.380005,188.270004,186.380005,188.080002,188.080002,91230000 +1985-08-21,188.080002,189.160004,188.080002,189.160004,189.160004,94880000 +1985-08-22,189.110001,189.229996,187.199997,187.360001,187.360001,90600000 +1985-08-23,187.220001,187.350006,186.589996,187.169998,187.169998,75270000 +1985-08-26,187.169998,187.440002,186.460007,187.309998,187.309998,70290000 +1985-08-27,187.309998,188.100006,187.309998,188.100006,188.100006,82140000 +1985-08-28,188.100006,188.830002,187.899994,188.830002,188.830002,88530000 +1985-08-29,188.729996,188.940002,188.380005,188.929993,188.929993,85660000 +1985-08-30,188.929993,189.130005,188.000000,188.630005,188.630005,81620000 +1985-09-03,188.630005,188.630005,187.380005,187.910004,187.910004,81190000 +1985-09-04,187.910004,187.919998,186.970001,187.369995,187.369995,85510000 +1985-09-05,187.369995,187.520004,186.889999,187.270004,187.270004,94480000 +1985-09-06,187.270004,188.429993,187.270004,188.240005,188.240005,95040000 +1985-09-09,188.240005,188.800003,187.899994,188.250000,188.250000,89850000 +1985-09-10,188.250000,188.259995,186.500000,186.899994,186.899994,104700000 +1985-09-11,186.899994,186.899994,184.789993,185.029999,185.029999,100400000 +1985-09-12,185.029999,185.210007,183.490005,183.690002,183.690002,107100000 +1985-09-13,183.690002,184.190002,182.050003,182.910004,182.910004,111400000 +1985-09-16,182.910004,182.910004,182.449997,182.880005,182.880005,66700000 +1985-09-17,182.880005,182.880005,180.779999,181.360001,181.360001,111900000 +1985-09-18,181.360001,181.830002,180.809998,181.710007,181.710007,105700000 +1985-09-19,181.710007,183.399994,181.710007,183.389999,183.389999,100300000 +1985-09-20,183.389999,183.990005,182.039993,182.050003,182.050003,101400000 +1985-09-23,182.050003,184.649994,182.050003,184.300003,184.300003,104800000 +1985-09-24,184.300003,184.300003,182.419998,182.619995,182.619995,97870000 +1985-09-25,182.619995,182.619995,180.619995,180.660004,180.660004,92120000 +1985-09-26,180.660004,181.289993,179.449997,181.289993,181.289993,106100000 +1985-09-30,181.300003,182.080002,181.220001,182.080002,182.080002,103600000 +1985-10-01,182.059998,185.080002,182.020004,185.070007,185.070007,130200000 +1985-10-02,185.070007,185.940002,184.059998,184.059998,184.059998,147300000 +1985-10-03,184.059998,185.169998,183.589996,184.360001,184.360001,127500000 +1985-10-04,184.360001,184.360001,182.649994,183.220001,183.220001,101200000 +1985-10-07,183.220001,183.220001,181.300003,181.869995,181.869995,95550000 +1985-10-08,181.869995,182.300003,181.160004,181.869995,181.869995,97170000 +1985-10-09,181.869995,183.270004,181.869995,182.520004,182.520004,99140000 +1985-10-10,182.520004,182.789993,182.050003,182.779999,182.779999,90910000 +1985-10-11,182.779999,184.279999,182.610001,184.279999,184.279999,96370000 +1985-10-14,184.309998,186.369995,184.279999,186.369995,186.369995,78540000 +1985-10-15,186.369995,187.160004,185.660004,186.080002,186.080002,110400000 +1985-10-16,186.080002,187.979996,186.080002,187.979996,187.979996,117400000 +1985-10-17,187.979996,188.520004,187.419998,187.660004,187.660004,140500000 +1985-10-18,187.660004,188.110001,186.889999,187.039993,187.039993,107100000 +1985-10-21,187.039993,187.300003,186.789993,186.960007,186.960007,95680000 +1985-10-22,186.960007,188.559998,186.960007,188.039993,188.039993,111300000 +1985-10-23,188.039993,189.089996,188.039993,189.089996,189.089996,121700000 +1985-10-24,189.089996,189.449997,188.410004,188.500000,188.500000,123100000 +1985-10-25,188.500000,188.509995,187.320007,187.520004,187.520004,101800000 +1985-10-28,187.520004,187.759995,186.929993,187.759995,187.759995,97880000 +1985-10-29,187.759995,189.779999,187.759995,189.229996,189.229996,110600000 +1985-10-30,189.229996,190.089996,189.139999,190.070007,190.070007,120400000 +1985-10-31,190.070007,190.149994,189.350006,189.820007,189.820007,121500000 +1985-11-01,189.820007,191.529999,189.369995,191.529999,191.529999,129400000 +1985-11-04,191.449997,191.960007,190.660004,191.250000,191.250000,104900000 +1985-11-05,191.250000,192.429993,190.990005,192.369995,192.369995,119200000 +1985-11-06,192.369995,193.009995,191.830002,192.759995,192.759995,129500000 +1985-11-07,192.779999,192.960007,192.160004,192.619995,192.619995,119000000 +1985-11-08,192.619995,193.970001,192.529999,193.720001,193.720001,115000000 +1985-11-11,193.720001,197.289993,193.699997,197.279999,197.279999,126500000 +1985-11-12,197.279999,198.660004,196.970001,198.080002,198.080002,170800000 +1985-11-13,198.080002,198.110001,196.910004,197.100006,197.100006,109700000 +1985-11-14,197.100006,199.190002,196.880005,199.059998,199.059998,124900000 +1985-11-15,199.059998,199.580002,197.899994,198.110001,198.110001,130200000 +1985-11-18,198.110001,198.710007,197.509995,198.710007,198.710007,108400000 +1985-11-19,198.710007,199.520004,198.009995,198.669998,198.669998,126100000 +1985-11-20,198.669998,199.199997,198.520004,198.990005,198.990005,105100000 +1985-11-21,198.990005,201.429993,198.990005,201.410004,201.410004,150300000 +1985-11-22,201.410004,202.009995,201.050003,201.520004,201.520004,133800000 +1985-11-25,201.520004,201.520004,200.080002,200.350006,200.350006,91710000 +1985-11-26,200.350006,201.160004,200.110001,200.669998,200.669998,123100000 +1985-11-27,200.669998,202.649994,200.669998,202.539993,202.539993,143700000 +1985-11-29,202.539993,203.399994,201.919998,202.169998,202.169998,84060000 +1985-12-02,202.169998,202.190002,200.199997,200.460007,200.460007,103500000 +1985-12-03,200.460007,200.979996,200.100006,200.860001,200.860001,109700000 +1985-12-04,200.860001,204.229996,200.860001,204.229996,204.229996,153200000 +1985-12-05,204.229996,205.860001,203.789993,203.880005,203.880005,181000000 +1985-12-06,203.880005,203.880005,202.449997,202.990005,202.990005,125500000 +1985-12-09,202.990005,204.649994,202.979996,204.250000,204.250000,144000000 +1985-12-10,204.250000,205.160004,203.679993,204.389999,204.389999,156500000 +1985-12-11,204.389999,206.679993,204.169998,206.309998,206.309998,178500000 +1985-12-12,206.309998,207.649994,205.830002,206.729996,206.729996,170500000 +1985-12-13,206.729996,210.309998,206.729996,209.940002,209.940002,177900000 +1985-12-16,209.940002,213.080002,209.910004,212.020004,212.020004,176000000 +1985-12-17,212.020004,212.449997,210.580002,210.649994,210.649994,155200000 +1985-12-18,210.649994,211.229996,209.240005,209.809998,209.809998,137900000 +1985-12-19,209.809998,210.130005,209.250000,210.020004,210.020004,130200000 +1985-12-20,210.020004,211.770004,210.020004,210.940002,210.940002,170300000 +1985-12-23,210.570007,210.940002,208.440002,208.570007,208.570007,107900000 +1985-12-24,208.570007,208.570007,206.440002,207.139999,207.139999,78300000 +1985-12-26,207.139999,207.759995,207.050003,207.649994,207.649994,62050000 +1985-12-27,207.649994,209.619995,207.649994,209.610001,209.610001,81560000 +1985-12-30,209.610001,210.699997,209.169998,210.679993,210.679993,91970000 +1985-12-31,210.679993,211.610001,210.679993,211.279999,211.279999,112700000 +1986-01-02,211.279999,211.279999,208.929993,209.589996,209.589996,98960000 +1986-01-03,209.589996,210.880005,209.509995,210.880005,210.880005,105000000 +1986-01-06,210.880005,210.979996,209.929993,210.649994,210.649994,99610000 +1986-01-07,210.649994,213.800003,210.649994,213.800003,213.800003,153000000 +1986-01-08,213.800003,214.570007,207.490005,207.970001,207.970001,180300000 +1986-01-09,207.970001,207.970001,204.509995,206.110001,206.110001,176500000 +1986-01-10,206.110001,207.330002,205.520004,205.960007,205.960007,122800000 +1986-01-13,205.960007,206.830002,205.520004,206.720001,206.720001,108700000 +1986-01-14,206.720001,207.369995,206.059998,206.639999,206.639999,113900000 +1986-01-15,206.639999,208.270004,206.639999,208.259995,208.259995,122400000 +1986-01-16,208.259995,209.179993,207.610001,209.169998,209.169998,130500000 +1986-01-17,209.169998,209.399994,207.589996,208.429993,208.429993,132100000 +1986-01-20,208.429993,208.429993,206.619995,207.529999,207.529999,85340000 +1986-01-21,207.529999,207.779999,205.050003,205.789993,205.789993,128300000 +1986-01-22,205.789993,206.029999,203.410004,203.490005,203.490005,131200000 +1986-01-23,203.490005,204.429993,202.600006,204.250000,204.250000,130300000 +1986-01-24,204.250000,206.429993,204.250000,206.429993,206.429993,128900000 +1986-01-27,206.429993,207.690002,206.429993,207.389999,207.389999,122900000 +1986-01-28,207.419998,209.820007,207.399994,209.809998,209.809998,145700000 +1986-01-29,209.809998,212.360001,209.809998,210.289993,210.289993,193800000 +1986-01-30,210.289993,211.539993,209.149994,209.330002,209.330002,125300000 +1986-01-31,209.330002,212.419998,209.190002,211.779999,211.779999,143500000 +1986-02-03,211.779999,214.179993,211.600006,213.960007,213.960007,145300000 +1986-02-04,213.960007,214.570007,210.820007,212.789993,212.789993,175700000 +1986-02-05,212.839996,213.029999,211.210007,212.960007,212.960007,134300000 +1986-02-06,212.960007,214.509995,212.600006,213.470001,213.470001,146100000 +1986-02-07,213.470001,215.270004,211.130005,214.559998,214.559998,144400000 +1986-02-10,214.559998,216.240005,214.470001,216.240005,216.240005,129900000 +1986-02-11,216.240005,216.669998,215.539993,215.919998,215.919998,141300000 +1986-02-12,215.919998,216.279999,215.130005,215.970001,215.970001,136400000 +1986-02-13,215.970001,217.410004,215.380005,217.399994,217.399994,136500000 +1986-02-14,217.399994,219.759995,217.220001,219.759995,219.759995,155600000 +1986-02-18,219.759995,222.449997,219.259995,222.449997,222.449997,160200000 +1986-02-19,222.449997,222.960007,219.729996,219.759995,219.759995,152000000 +1986-02-20,219.759995,222.220001,219.220001,222.220001,222.220001,139700000 +1986-02-21,222.220001,224.619995,222.220001,224.619995,224.619995,177600000 +1986-02-24,224.580002,225.289993,223.309998,224.339996,224.339996,144700000 +1986-02-25,224.339996,224.399994,222.630005,223.789993,223.789993,148000000 +1986-02-26,223.720001,224.589996,223.149994,224.039993,224.039993,158000000 +1986-02-27,224.039993,226.880005,223.410004,226.770004,226.770004,181700000 +1986-02-28,226.770004,227.919998,225.419998,226.919998,226.919998,191700000 +1986-03-03,226.919998,226.919998,224.410004,225.419998,225.419998,142700000 +1986-03-04,225.419998,227.330002,223.940002,224.380005,224.380005,174500000 +1986-03-05,224.139999,224.369995,222.179993,224.339996,224.339996,154600000 +1986-03-06,224.389999,225.500000,224.130005,225.130005,225.130005,159000000 +1986-03-07,225.130005,226.330002,224.440002,225.570007,225.570007,163200000 +1986-03-10,225.570007,226.979996,225.360001,226.580002,226.580002,129900000 +1986-03-11,226.580002,231.809998,226.580002,231.690002,231.690002,187300000 +1986-03-12,231.690002,234.699997,231.679993,232.539993,232.539993,210300000 +1986-03-13,232.539993,233.889999,231.270004,233.190002,233.190002,171500000 +1986-03-14,233.190002,236.550003,232.580002,236.550003,236.550003,181900000 +1986-03-17,236.550003,236.550003,233.690002,234.669998,234.669998,137500000 +1986-03-18,234.669998,236.520004,234.139999,235.779999,235.779999,148000000 +1986-03-19,235.779999,236.520004,235.130005,235.600006,235.600006,150000000 +1986-03-20,235.600006,237.089996,235.600006,236.539993,236.539993,148000000 +1986-03-21,236.539993,237.350006,233.289993,233.339996,233.339996,199100000 +1986-03-24,233.339996,235.330002,232.919998,235.330002,235.330002,143800000 +1986-03-25,235.330002,235.330002,233.619995,234.720001,234.720001,139300000 +1986-03-26,234.720001,237.789993,234.710007,237.300003,237.300003,161500000 +1986-03-27,237.300003,240.110001,237.300003,238.970001,238.970001,178100000 +1986-03-31,238.970001,239.860001,238.080002,238.899994,238.899994,134400000 +1986-04-01,238.899994,239.100006,234.570007,235.139999,235.139999,167400000 +1986-04-02,235.139999,235.710007,233.399994,235.710007,235.710007,145300000 +1986-04-03,235.710007,236.419998,232.070007,232.470001,232.470001,148200000 +1986-04-04,232.470001,232.559998,228.320007,228.690002,228.690002,147300000 +1986-04-07,228.690002,228.830002,226.300003,228.630005,228.630005,129800000 +1986-04-08,228.630005,233.699997,228.630005,233.520004,233.520004,146300000 +1986-04-09,233.520004,235.570007,232.130005,233.750000,233.750000,156300000 +1986-04-10,233.750000,236.539993,233.750000,236.440002,236.440002,184800000 +1986-04-11,236.440002,237.850006,235.130005,235.970001,235.970001,139400000 +1986-04-14,235.970001,237.479996,235.429993,237.279999,237.279999,106700000 +1986-04-15,237.279999,238.089996,236.639999,237.729996,237.729996,123700000 +1986-04-16,237.729996,242.570007,237.729996,242.220001,242.220001,173800000 +1986-04-17,242.220001,243.360001,241.889999,243.029999,243.029999,161400000 +1986-04-18,243.029999,243.470001,241.740005,242.380005,242.380005,153600000 +1986-04-21,242.380005,244.779999,241.880005,244.740005,244.740005,136100000 +1986-04-22,244.740005,245.470001,241.300003,242.419998,242.419998,161500000 +1986-04-23,242.419998,242.419998,240.080002,241.750000,241.750000,149700000 +1986-04-24,241.750000,243.130005,241.649994,242.020004,242.020004,146600000 +1986-04-25,242.020004,242.800003,240.910004,242.289993,242.289993,142300000 +1986-04-28,242.289993,243.080002,241.229996,243.080002,243.080002,123900000 +1986-04-29,243.080002,243.570007,239.229996,240.509995,240.509995,148800000 +1986-04-30,240.520004,240.520004,235.259995,235.520004,235.520004,147500000 +1986-05-01,235.520004,236.009995,234.210007,235.160004,235.160004,146500000 +1986-05-02,235.160004,236.520004,234.149994,234.789993,234.789993,126300000 +1986-05-05,234.789993,237.729996,234.789993,237.729996,237.729996,102400000 +1986-05-06,237.729996,238.279999,236.259995,237.240005,237.240005,121200000 +1986-05-07,236.559998,237.240005,233.979996,236.080002,236.080002,129900000 +1986-05-08,236.080002,237.960007,236.080002,237.130005,237.130005,136000000 +1986-05-09,237.130005,238.009995,235.850006,237.850006,237.850006,137400000 +1986-05-12,237.850006,238.529999,237.020004,237.580002,237.580002,125400000 +1986-05-13,237.580002,237.869995,236.020004,236.410004,236.410004,119200000 +1986-05-14,236.410004,237.539993,235.850006,237.539993,237.539993,132100000 +1986-05-15,237.539993,237.539993,233.929993,234.429993,234.429993,131600000 +1986-05-16,234.429993,234.429993,232.259995,232.759995,232.759995,113500000 +1986-05-19,232.759995,233.539993,232.410004,233.199997,233.199997,85840000 +1986-05-20,233.199997,236.119995,232.580002,236.110001,236.110001,113000000 +1986-05-21,236.110001,236.830002,235.449997,235.449997,235.449997,117100000 +1986-05-22,235.449997,240.250000,235.449997,240.119995,240.119995,144900000 +1986-05-23,240.119995,242.160004,240.119995,241.350006,241.350006,130200000 +1986-05-27,241.350006,244.759995,241.350006,244.750000,244.750000,121200000 +1986-05-28,244.750000,247.399994,244.750000,246.630005,246.630005,159600000 +1986-05-29,246.630005,248.320007,245.289993,247.979996,247.979996,135700000 +1986-05-30,247.979996,249.190002,246.429993,247.350006,247.350006,151200000 +1986-06-02,246.039993,247.740005,243.830002,245.039993,245.039993,120600000 +1986-06-03,245.039993,245.509995,243.669998,245.509995,245.509995,114700000 +1986-06-04,245.509995,246.300003,242.589996,243.940002,243.940002,117000000 +1986-06-05,243.940002,245.660004,243.410004,245.649994,245.649994,110900000 +1986-06-06,245.649994,246.070007,244.429993,245.669998,245.669998,110900000 +1986-06-09,245.669998,245.669998,239.679993,239.960007,239.960007,123300000 +1986-06-10,239.960007,240.080002,238.229996,239.580002,239.580002,125000000 +1986-06-11,239.580002,241.130005,239.210007,241.130005,241.130005,127400000 +1986-06-12,241.240005,241.639999,240.699997,241.490005,241.490005,109100000 +1986-06-13,241.710007,245.910004,241.710007,245.729996,245.729996,141200000 +1986-06-16,245.729996,246.500000,245.169998,246.130005,246.130005,112100000 +1986-06-17,246.130005,246.259995,243.600006,244.350006,244.350006,123100000 +1986-06-18,244.350006,245.250000,242.570007,244.990005,244.990005,117000000 +1986-06-19,244.990005,245.800003,244.050003,244.059998,244.059998,129000000 +1986-06-20,244.059998,247.600006,243.979996,247.580002,247.580002,149100000 +1986-06-23,247.580002,247.580002,244.449997,245.259995,245.259995,123800000 +1986-06-24,245.259995,248.259995,244.529999,247.029999,247.029999,140600000 +1986-06-25,247.029999,250.130005,247.029999,248.929993,248.929993,161800000 +1986-06-26,248.929993,249.429993,247.720001,248.740005,248.740005,134100000 +1986-06-27,248.740005,249.740005,248.740005,249.600006,249.600006,123800000 +1986-06-30,249.600006,251.809998,249.600006,250.839996,250.839996,135100000 +1986-07-01,250.669998,252.039993,250.529999,252.039993,252.039993,147700000 +1986-07-02,252.039993,253.199997,251.789993,252.699997,252.699997,150000000 +1986-07-03,252.699997,252.940002,251.229996,251.789993,251.789993,108300000 +1986-07-07,251.789993,251.809998,243.630005,244.050003,244.050003,138200000 +1986-07-08,244.050003,244.059998,239.070007,241.589996,241.589996,174100000 +1986-07-09,241.589996,243.070007,241.460007,242.820007,242.820007,142900000 +1986-07-10,242.820007,243.440002,239.660004,243.009995,243.009995,146200000 +1986-07-11,243.009995,243.479996,241.679993,242.220001,242.220001,124500000 +1986-07-14,242.220001,242.220001,238.039993,238.110001,238.110001,123200000 +1986-07-15,238.089996,238.119995,233.600006,233.660004,233.660004,184000000 +1986-07-16,233.660004,236.190002,233.660004,235.009995,235.009995,160800000 +1986-07-17,235.009995,236.649994,235.009995,236.070007,236.070007,132400000 +1986-07-18,236.070007,238.220001,233.940002,236.360001,236.360001,149700000 +1986-07-21,236.360001,236.449997,235.529999,236.240005,236.240005,106300000 +1986-07-22,236.240005,238.419998,235.919998,238.179993,238.179993,138500000 +1986-07-23,238.190002,239.250000,238.169998,238.669998,238.669998,133300000 +1986-07-24,238.690002,239.050003,237.320007,237.949997,237.949997,134700000 +1986-07-25,237.990005,240.360001,237.949997,240.220001,240.220001,132000000 +1986-07-28,240.199997,240.250000,235.229996,236.009995,236.009995,128000000 +1986-07-29,235.720001,236.009995,234.399994,234.550003,234.550003,115700000 +1986-07-30,234.570007,237.380005,233.070007,236.589996,236.589996,146700000 +1986-07-31,236.589996,236.919998,235.889999,236.119995,236.119995,112700000 +1986-08-01,236.119995,236.889999,234.589996,234.910004,234.910004,114900000 +1986-08-04,234.910004,236.860001,231.919998,235.990005,235.990005,130000000 +1986-08-05,235.990005,238.309998,235.970001,237.029999,237.029999,153100000 +1986-08-06,237.029999,237.350006,235.479996,236.839996,236.839996,127500000 +1986-08-07,236.839996,238.020004,236.309998,237.039993,237.039993,122400000 +1986-08-08,237.039993,238.059998,236.369995,236.880005,236.880005,106300000 +1986-08-11,236.880005,241.199997,236.869995,240.679993,240.679993,125600000 +1986-08-12,240.679993,243.369995,240.350006,243.339996,243.339996,131700000 +1986-08-13,243.339996,246.509995,243.059998,245.669998,245.669998,156400000 +1986-08-14,245.669998,246.789993,245.529999,246.250000,246.250000,123800000 +1986-08-15,246.250000,247.149994,245.699997,247.149994,247.149994,123500000 +1986-08-18,247.149994,247.830002,245.479996,247.380005,247.380005,112800000 +1986-08-19,247.380005,247.419998,245.820007,246.509995,246.509995,109300000 +1986-08-20,246.529999,249.770004,246.509995,249.770004,249.770004,156600000 +1986-08-21,249.770004,250.449997,249.110001,249.669998,249.669998,135200000 +1986-08-22,249.669998,250.610001,249.270004,250.190002,250.190002,118100000 +1986-08-25,250.190002,250.259995,247.759995,247.809998,247.809998,104400000 +1986-08-26,247.809998,252.910004,247.809998,252.839996,252.839996,156600000 +1986-08-27,252.839996,254.240005,252.660004,253.300003,253.300003,143300000 +1986-08-28,253.300003,253.669998,251.910004,252.839996,252.839996,125100000 +1986-08-29,252.839996,254.070007,251.729996,252.929993,252.929993,125300000 +1986-09-02,252.929993,253.300003,248.139999,248.520004,248.520004,135500000 +1986-09-03,248.520004,250.080002,247.589996,250.080002,250.080002,154300000 +1986-09-04,250.080002,254.009995,250.029999,253.830002,253.830002,189400000 +1986-09-05,253.830002,254.130005,250.330002,250.470001,250.470001,180600000 +1986-09-08,250.470001,250.470001,247.020004,248.139999,248.139999,153300000 +1986-09-09,248.139999,250.210007,246.940002,247.669998,247.669998,137500000 +1986-09-10,247.669998,247.759995,246.110001,247.059998,247.059998,140300000 +1986-09-11,247.059998,247.059998,234.669998,235.179993,235.179993,237600000 +1986-09-12,235.179993,235.449997,228.740005,230.669998,230.669998,240500000 +1986-09-15,230.669998,232.820007,229.440002,231.940002,231.940002,155600000 +1986-09-16,231.929993,231.940002,228.320007,231.720001,231.720001,131200000 +1986-09-17,231.729996,233.809998,231.380005,231.679993,231.679993,141000000 +1986-09-18,231.669998,232.869995,230.570007,232.309998,232.309998,132200000 +1986-09-19,232.300003,232.309998,230.690002,232.210007,232.210007,153900000 +1986-09-22,232.199997,234.929993,232.199997,234.929993,234.929993,126100000 +1986-09-23,234.960007,235.880005,234.500000,235.669998,235.669998,132600000 +1986-09-24,235.660004,237.059998,235.529999,236.279999,236.279999,134600000 +1986-09-25,231.830002,236.279999,230.669998,231.830002,231.830002,134300000 +1986-09-26,231.830002,233.679993,230.639999,232.229996,232.229996,115300000 +1986-09-29,232.229996,232.229996,228.080002,229.910004,229.910004,115600000 +1986-09-30,229.910004,233.009995,229.910004,231.320007,231.320007,124900000 +1986-10-01,231.320007,234.619995,231.320007,233.600006,233.600006,143600000 +1986-10-02,233.600006,234.330002,232.770004,233.919998,233.919998,128100000 +1986-10-03,233.919998,236.160004,232.789993,233.710007,233.710007,128100000 +1986-10-06,233.710007,235.339996,233.169998,234.779999,234.779999,88250000 +1986-10-07,234.740005,235.179993,233.460007,234.410004,234.410004,125100000 +1986-10-08,234.410004,236.839996,233.679993,236.679993,236.679993,141700000 +1986-10-09,236.669998,238.199997,235.720001,235.850006,235.850006,153400000 +1986-10-10,235.839996,236.270004,235.309998,235.479996,235.479996,105100000 +1986-10-13,235.520004,235.910004,235.020004,235.910004,235.910004,54990000 +1986-10-14,235.899994,236.369995,234.369995,235.369995,235.369995,116800000 +1986-10-15,235.360001,239.029999,235.270004,238.800003,238.800003,144300000 +1986-10-16,238.830002,240.179993,238.800003,239.529999,239.529999,156900000 +1986-10-17,239.500000,239.529999,237.710007,238.839996,238.839996,124100000 +1986-10-20,238.839996,238.839996,234.779999,235.970001,235.970001,109000000 +1986-10-21,236.029999,236.490005,234.949997,235.880005,235.880005,110000000 +1986-10-22,235.889999,236.639999,235.820007,236.259995,236.259995,114000000 +1986-10-23,236.279999,239.759995,236.259995,239.279999,239.279999,150900000 +1986-10-24,239.300003,239.649994,238.250000,238.259995,238.259995,137500000 +1986-10-27,238.220001,238.770004,236.720001,238.770004,238.770004,133200000 +1986-10-28,238.809998,240.580002,238.770004,239.259995,239.259995,145900000 +1986-10-29,239.229996,241.000000,238.979996,240.940002,240.940002,164400000 +1986-10-30,240.970001,244.080002,240.940002,243.710007,243.710007,194200000 +1986-10-31,243.699997,244.509995,242.949997,243.979996,243.979996,147200000 +1986-11-03,243.970001,245.800003,243.929993,245.800003,245.800003,138200000 +1986-11-04,245.800003,246.429993,244.419998,246.199997,246.199997,163200000 +1986-11-05,246.089996,247.050003,245.210007,246.580002,246.580002,183200000 +1986-11-06,246.539993,246.899994,244.300003,245.869995,245.869995,165300000 +1986-11-07,245.850006,246.130005,244.919998,245.770004,245.770004,142300000 +1986-11-10,245.750000,246.220001,244.679993,246.130005,246.130005,120200000 +1986-11-11,246.149994,247.100006,246.119995,247.080002,247.080002,118500000 +1986-11-12,247.059998,247.669998,245.679993,246.639999,246.639999,162200000 +1986-11-13,246.630005,246.660004,242.979996,243.020004,243.020004,164000000 +1986-11-14,243.009995,244.509995,241.960007,244.500000,244.500000,172100000 +1986-11-17,244.500000,244.800003,242.289993,243.210007,243.210007,133300000 +1986-11-18,243.199997,243.229996,236.649994,236.779999,236.779999,185300000 +1986-11-19,236.770004,237.940002,235.509995,237.660004,237.660004,183300000 +1986-11-20,237.660004,242.050003,237.660004,242.050003,242.050003,158100000 +1986-11-21,242.029999,246.380005,241.970001,245.860001,245.860001,200700000 +1986-11-24,245.860001,248.000000,245.210007,247.449997,247.449997,150800000 +1986-11-25,247.440002,248.179993,246.300003,248.169998,248.169998,154600000 +1986-11-26,248.139999,248.899994,247.729996,248.770004,248.770004,152000000 +1986-11-28,248.820007,249.220001,248.070007,249.220001,249.220001,93530000 +1986-12-01,249.220001,249.220001,245.720001,249.050003,249.050003,133800000 +1986-12-02,249.059998,254.000000,249.050003,254.000000,254.000000,230400000 +1986-12-03,254.000000,254.869995,253.240005,253.850006,253.850006,200100000 +1986-12-04,253.850006,254.419998,252.880005,253.039993,253.039993,156900000 +1986-12-05,253.050003,253.889999,250.710007,251.169998,251.169998,139800000 +1986-12-08,251.160004,252.360001,248.820007,251.160004,251.160004,159000000 +1986-12-09,251.160004,251.270004,249.250000,249.279999,249.279999,128700000 +1986-12-10,249.279999,251.529999,248.940002,250.960007,250.960007,139700000 +1986-12-11,250.970001,250.979996,247.149994,248.169998,248.169998,136000000 +1986-12-12,248.169998,248.309998,247.020004,247.350006,247.350006,126600000 +1986-12-15,247.309998,248.229996,244.919998,248.210007,248.210007,148200000 +1986-12-16,248.210007,250.039993,247.399994,250.039993,250.039993,157000000 +1986-12-17,250.009995,250.039993,247.190002,247.559998,247.559998,148800000 +1986-12-18,247.559998,247.809998,246.449997,246.779999,246.779999,155400000 +1986-12-19,246.789993,249.960007,245.889999,249.729996,249.729996,244700000 +1986-12-22,249.729996,249.729996,247.449997,248.750000,248.750000,157600000 +1986-12-23,248.750000,248.750000,245.850006,246.339996,246.339996,188700000 +1986-12-24,246.339996,247.220001,246.020004,246.750000,246.750000,95410000 +1986-12-26,246.750000,247.089996,246.729996,246.919998,246.919998,48860000 +1986-12-29,246.899994,246.919998,244.309998,244.669998,244.669998,99800000 +1986-12-30,244.660004,244.669998,243.039993,243.369995,243.369995,126200000 +1986-12-31,243.369995,244.029999,241.279999,242.169998,242.169998,139200000 +1987-01-02,242.169998,246.449997,242.169998,246.449997,246.449997,91880000 +1987-01-05,246.449997,252.570007,246.449997,252.190002,252.190002,181900000 +1987-01-06,252.199997,253.990005,252.139999,252.779999,252.779999,189300000 +1987-01-07,252.779999,255.720001,252.649994,255.330002,255.330002,190900000 +1987-01-08,255.360001,257.279999,254.970001,257.279999,257.279999,194500000 +1987-01-09,257.260010,259.200012,256.109985,258.730011,258.730011,193000000 +1987-01-12,258.720001,261.359985,257.920013,260.299988,260.299988,184200000 +1987-01-13,260.299988,260.450012,259.209991,259.950012,259.950012,170900000 +1987-01-14,259.950012,262.720001,259.619995,262.640015,262.640015,214200000 +1987-01-15,262.649994,266.679993,262.640015,265.489990,265.489990,253100000 +1987-01-16,265.459991,267.239990,264.309998,266.279999,266.279999,218400000 +1987-01-19,266.260010,269.339996,264.000000,269.339996,269.339996,162800000 +1987-01-20,269.339996,271.029999,267.649994,269.040009,269.040009,224800000 +1987-01-21,269.040009,270.869995,267.350006,267.839996,267.839996,184200000 +1987-01-22,267.839996,274.049988,267.320007,273.910004,273.910004,188700000 +1987-01-23,273.910004,280.959991,268.410004,270.100006,270.100006,302400000 +1987-01-26,270.100006,270.399994,267.730011,269.609985,269.609985,138900000 +1987-01-27,269.609985,274.309998,269.609985,273.750000,273.750000,192300000 +1987-01-28,273.750000,275.709991,273.029999,275.399994,275.399994,195800000 +1987-01-29,275.399994,276.850006,272.540009,274.239990,274.239990,205300000 +1987-01-30,274.239990,274.239990,271.380005,274.079987,274.079987,163400000 +1987-02-02,274.079987,277.350006,273.160004,276.450012,276.450012,177400000 +1987-02-03,276.450012,277.829987,275.839996,275.989990,275.989990,198100000 +1987-02-04,275.989990,279.649994,275.350006,279.640015,279.640015,222400000 +1987-02-05,279.640015,282.260010,278.660004,281.160004,281.160004,256700000 +1987-02-06,281.160004,281.790009,279.869995,280.040009,280.040009,184100000 +1987-02-09,280.040009,280.040009,277.239990,278.160004,278.160004,143300000 +1987-02-10,278.160004,278.160004,273.489990,275.070007,275.070007,168300000 +1987-02-11,275.070007,277.709991,274.709991,277.540009,277.540009,172400000 +1987-02-12,277.540009,278.040009,273.890015,275.619995,275.619995,200400000 +1987-02-13,275.619995,280.910004,275.010010,279.700012,279.700012,184400000 +1987-02-17,279.700012,285.489990,279.700012,285.489990,285.489990,187800000 +1987-02-18,285.489990,287.549988,282.970001,285.420013,285.420013,218200000 +1987-02-19,285.420013,286.239990,283.839996,285.570007,285.570007,181500000 +1987-02-20,285.570007,285.980011,284.309998,285.480011,285.480011,175800000 +1987-02-23,285.480011,285.500000,279.369995,282.380005,282.380005,170500000 +1987-02-24,282.380005,283.329987,281.450012,282.880005,282.880005,151300000 +1987-02-25,282.880005,285.350006,282.140015,284.000000,284.000000,184100000 +1987-02-26,284.000000,284.399994,280.730011,282.959991,282.959991,165800000 +1987-02-27,282.959991,284.549988,282.769989,284.200012,284.200012,142800000 +1987-03-02,284.170013,284.829987,282.299988,283.000000,283.000000,156700000 +1987-03-03,283.000000,284.190002,282.920013,284.119995,284.119995,149200000 +1987-03-04,284.119995,288.619995,284.119995,288.619995,288.619995,198400000 +1987-03-05,288.619995,291.239990,288.600006,290.519989,290.519989,205400000 +1987-03-06,290.519989,290.670013,288.769989,290.660004,290.660004,181600000 +1987-03-09,290.660004,290.660004,287.119995,288.299988,288.299988,165400000 +1987-03-10,288.299988,290.869995,287.890015,290.859985,290.859985,174800000 +1987-03-11,290.869995,292.510010,289.329987,290.309998,290.309998,186900000 +1987-03-12,290.329987,291.910004,289.660004,291.220001,291.220001,174500000 +1987-03-13,291.220001,291.790009,289.880005,289.890015,289.890015,150900000 +1987-03-16,289.880005,289.890015,286.640015,288.230011,288.230011,134900000 +1987-03-17,288.089996,292.470001,287.959991,292.470001,292.470001,177300000 +1987-03-18,292.489990,294.579987,290.869995,292.779999,292.779999,198100000 +1987-03-19,292.730011,294.459991,292.260010,294.079987,294.079987,166100000 +1987-03-20,294.079987,298.170013,294.079987,298.170013,298.170013,234000000 +1987-03-23,298.160004,301.170013,297.500000,301.160004,301.160004,189100000 +1987-03-24,301.170013,301.920013,300.140015,301.640015,301.640015,189900000 +1987-03-25,301.519989,301.850006,299.359985,300.380005,300.380005,171300000 +1987-03-26,300.390015,302.720001,300.380005,300.929993,300.929993,196000000 +1987-03-27,300.959991,301.410004,296.059998,296.130005,296.130005,184400000 +1987-03-30,296.100006,296.130005,286.690002,289.200012,289.200012,208400000 +1987-03-31,289.209991,291.869995,289.070007,291.700012,291.700012,171800000 +1987-04-01,291.589996,292.380005,288.339996,292.380005,292.380005,182600000 +1987-04-02,292.410004,294.470001,292.019989,293.630005,293.630005,183000000 +1987-04-03,293.640015,301.299988,292.299988,300.410004,300.410004,213400000 +1987-04-06,300.459991,302.209991,300.410004,301.950012,301.950012,173700000 +1987-04-07,301.940002,303.649994,296.670013,296.690002,296.690002,186400000 +1987-04-08,296.720001,299.200012,295.179993,297.260010,297.260010,179800000 +1987-04-09,297.250000,297.709991,291.500000,292.859985,292.859985,180300000 +1987-04-10,292.820007,293.739990,290.940002,292.489990,292.489990,169500000 +1987-04-13,292.480011,293.359985,285.619995,285.619995,285.619995,181000000 +1987-04-14,285.609985,285.619995,275.670013,279.160004,279.160004,266500000 +1987-04-15,279.170013,285.140015,279.160004,284.440002,284.440002,198200000 +1987-04-16,284.450012,289.570007,284.440002,286.910004,286.910004,189600000 +1987-04-20,286.910004,288.359985,284.549988,286.089996,286.089996,139100000 +1987-04-21,285.880005,293.070007,282.890015,293.070007,293.070007,191300000 +1987-04-22,293.049988,293.459991,286.980011,287.190002,287.190002,185900000 +1987-04-23,287.190002,289.119995,284.279999,286.820007,286.820007,173900000 +1987-04-24,286.809998,286.820007,281.179993,281.519989,281.519989,178000000 +1987-04-27,281.519989,284.450012,276.220001,281.829987,281.829987,222700000 +1987-04-28,281.829987,285.950012,281.829987,282.510010,282.510010,180100000 +1987-04-29,282.579987,286.420013,282.579987,284.570007,284.570007,173600000 +1987-04-30,284.579987,290.079987,284.570007,288.359985,288.359985,183100000 +1987-05-01,286.989990,289.709991,286.519989,288.029999,288.029999,160100000 +1987-05-04,288.019989,289.989990,286.390015,289.359985,289.359985,140600000 +1987-05-05,289.359985,295.399994,289.339996,295.339996,295.339996,192300000 +1987-05-06,295.350006,296.190002,293.600006,295.470001,295.470001,196600000 +1987-05-07,295.450012,296.799988,294.070007,294.709991,294.709991,215200000 +1987-05-08,294.730011,296.179993,291.730011,293.369995,293.369995,161900000 +1987-05-11,293.369995,298.690002,291.549988,291.570007,291.570007,203700000 +1987-05-12,291.570007,293.299988,290.179993,293.299988,293.299988,155300000 +1987-05-13,293.309998,294.540009,290.739990,293.980011,293.980011,171000000 +1987-05-14,293.980011,295.100006,292.950012,294.239990,294.239990,152000000 +1987-05-15,294.230011,294.239990,287.109985,287.429993,287.429993,180800000 +1987-05-18,287.429993,287.429993,282.570007,286.649994,286.649994,174200000 +1987-05-19,286.660004,287.390015,278.829987,279.619995,279.619995,175400000 +1987-05-20,279.619995,280.890015,277.010010,278.209991,278.209991,206800000 +1987-05-21,278.230011,282.309998,278.209991,280.170013,280.170013,164800000 +1987-05-22,280.170013,283.329987,280.170013,282.160004,282.160004,135800000 +1987-05-26,282.160004,289.109985,282.160004,289.109985,289.109985,152500000 +1987-05-27,289.070007,290.779999,288.190002,288.730011,288.730011,171400000 +1987-05-28,288.730011,291.500000,286.329987,290.760010,290.760010,153800000 +1987-05-29,290.769989,292.869995,289.700012,290.100006,290.100006,153500000 +1987-06-01,290.119995,291.959991,289.230011,289.829987,289.829987,149300000 +1987-06-02,289.820007,290.940002,286.929993,288.459991,288.459991,153400000 +1987-06-03,288.559998,293.470001,288.559998,293.470001,293.470001,164200000 +1987-06-04,293.459991,295.089996,292.760010,295.089996,295.089996,140300000 +1987-06-05,295.109985,295.109985,292.799988,293.450012,293.450012,129100000 +1987-06-08,293.459991,297.029999,291.549988,296.720001,296.720001,136400000 +1987-06-09,296.720001,297.589996,295.899994,297.279999,297.279999,164200000 +1987-06-10,297.279999,300.809998,295.660004,297.470001,297.470001,197400000 +1987-06-11,297.500000,298.940002,297.470001,298.730011,298.730011,138900000 +1987-06-12,298.769989,302.260010,298.730011,301.619995,301.619995,175100000 +1987-06-15,301.619995,304.109985,301.619995,303.140015,303.140015,156900000 +1987-06-16,303.119995,304.859985,302.600006,304.760010,304.760010,157800000 +1987-06-17,304.769989,305.739990,304.029999,304.809998,304.809998,184700000 +1987-06-18,304.779999,306.130005,303.380005,305.690002,305.690002,168600000 +1987-06-19,305.709991,306.970001,305.549988,306.970001,306.970001,220500000 +1987-06-22,306.980011,310.200012,306.970001,309.649994,309.649994,178200000 +1987-06-23,309.660004,310.269989,307.480011,308.429993,308.429993,194200000 +1987-06-24,308.440002,308.910004,306.320007,306.859985,306.859985,153800000 +1987-06-25,306.869995,309.440002,306.859985,308.959991,308.959991,173500000 +1987-06-26,308.940002,308.959991,306.359985,307.160004,307.160004,150500000 +1987-06-29,307.149994,308.149994,306.750000,307.899994,307.899994,142500000 +1987-06-30,307.890015,308.000000,303.010010,304.000000,304.000000,165500000 +1987-07-01,303.989990,304.000000,302.529999,302.940002,302.940002,157000000 +1987-07-02,302.959991,306.339996,302.940002,305.630005,305.630005,154900000 +1987-07-06,305.640015,306.750000,304.230011,304.920013,304.920013,155000000 +1987-07-07,304.910004,308.630005,304.730011,307.399994,307.399994,200700000 +1987-07-08,307.410004,308.480011,306.010010,308.290009,308.290009,207500000 +1987-07-09,308.299988,309.559998,307.420013,307.519989,307.519989,195400000 +1987-07-10,307.549988,308.399994,306.959991,308.369995,308.369995,172100000 +1987-07-13,308.410004,308.410004,305.489990,307.630005,307.630005,152500000 +1987-07-14,307.670013,310.690002,307.459991,310.679993,310.679993,185900000 +1987-07-15,310.670013,312.079987,309.070007,310.420013,310.420013,202300000 +1987-07-16,311.000000,312.829987,310.420013,312.700012,312.700012,210900000 +1987-07-17,312.709991,314.589996,312.380005,314.589996,314.589996,210000000 +1987-07-20,314.559998,314.589996,311.239990,311.390015,311.390015,168100000 +1987-07-21,311.359985,312.410004,307.510010,308.549988,308.549988,186600000 +1987-07-22,308.559998,309.119995,307.220001,308.470001,308.470001,174700000 +1987-07-23,308.500000,309.630005,306.100006,307.809998,307.809998,163700000 +1987-07-24,307.820007,309.279999,307.779999,309.269989,309.269989,158400000 +1987-07-27,309.299988,310.700012,308.609985,310.649994,310.649994,152000000 +1987-07-28,310.649994,312.329987,310.279999,312.329987,312.329987,172600000 +1987-07-29,312.339996,315.649994,311.730011,315.649994,315.649994,196200000 +1987-07-30,315.690002,318.529999,315.649994,318.049988,318.049988,208000000 +1987-07-31,318.049988,318.850006,317.559998,318.660004,318.660004,181900000 +1987-08-03,318.619995,320.260010,316.519989,317.570007,317.570007,207800000 +1987-08-04,317.589996,318.250000,314.510010,316.230011,316.230011,166500000 +1987-08-05,316.250000,319.739990,316.230011,318.450012,318.450012,192700000 +1987-08-06,318.489990,322.089996,317.500000,322.089996,322.089996,192000000 +1987-08-07,322.100006,324.149994,321.820007,323.000000,323.000000,212700000 +1987-08-10,322.980011,328.000000,322.950012,328.000000,328.000000,187200000 +1987-08-11,328.019989,333.399994,328.000000,333.329987,333.329987,278100000 +1987-08-12,333.320007,334.570007,331.059998,332.390015,332.390015,235800000 +1987-08-13,332.380005,335.519989,332.380005,334.649994,334.649994,217100000 +1987-08-14,334.630005,336.079987,332.630005,333.989990,333.989990,196100000 +1987-08-17,333.980011,335.429993,332.880005,334.109985,334.109985,166100000 +1987-08-18,334.100006,334.109985,326.429993,329.250000,329.250000,198400000 +1987-08-19,329.260010,329.890015,326.540009,329.829987,329.829987,180900000 +1987-08-20,331.489990,335.190002,329.829987,334.839996,334.839996,196600000 +1987-08-21,334.850006,336.369995,334.299988,335.899994,335.899994,189600000 +1987-08-24,335.890015,335.899994,331.920013,333.329987,333.329987,149400000 +1987-08-25,333.369995,337.890015,333.329987,336.769989,336.769989,213500000 +1987-08-26,336.769989,337.390015,334.459991,334.570007,334.570007,196200000 +1987-08-27,334.559998,334.570007,331.100006,331.380005,331.380005,163600000 +1987-08-28,331.369995,331.380005,327.029999,327.040009,327.040009,156300000 +1987-08-31,327.029999,330.089996,326.989990,329.799988,329.799988,165800000 +1987-09-01,329.809998,332.179993,322.829987,323.399994,323.399994,193500000 +1987-09-02,323.399994,324.529999,318.760010,321.679993,321.679993,199900000 +1987-09-03,321.470001,324.290009,317.390015,320.209991,320.209991,165200000 +1987-09-04,320.209991,322.029999,316.529999,316.700012,316.700012,129100000 +1987-09-08,316.679993,316.700012,308.559998,313.559998,313.559998,242900000 +1987-09-09,313.600006,315.410004,312.290009,313.920013,313.920013,164900000 +1987-09-10,313.920013,317.589996,313.920013,317.130005,317.130005,179800000 +1987-09-11,317.140015,322.450012,317.130005,321.980011,321.980011,178000000 +1987-09-14,322.019989,323.809998,320.399994,323.079987,323.079987,154400000 +1987-09-15,323.070007,323.079987,317.630005,317.739990,317.739990,136200000 +1987-09-16,317.750000,319.500000,314.609985,314.859985,314.859985,195700000 +1987-09-17,314.940002,316.079987,313.450012,314.929993,314.929993,150700000 +1987-09-18,314.980011,316.989990,314.859985,314.859985,314.859985,188100000 +1987-09-21,314.920013,317.660004,310.119995,310.540009,310.540009,170100000 +1987-09-22,310.540009,319.510010,308.690002,319.500000,319.500000,209500000 +1987-09-23,319.489990,321.829987,319.119995,321.190002,321.190002,220300000 +1987-09-24,321.089996,322.010010,319.119995,319.720001,319.720001,162200000 +1987-09-25,319.720001,320.549988,318.100006,320.160004,320.160004,138000000 +1987-09-28,320.160004,325.329987,320.160004,323.200012,323.200012,188100000 +1987-09-29,323.200012,324.630005,320.269989,321.690002,321.690002,173500000 +1987-09-30,321.690002,322.529999,320.160004,321.829987,321.829987,183100000 +1987-10-01,321.829987,327.339996,321.829987,327.329987,327.329987,193200000 +1987-10-02,327.329987,328.940002,327.220001,328.070007,328.070007,189100000 +1987-10-05,328.070007,328.570007,326.089996,328.079987,328.079987,159700000 +1987-10-06,328.079987,328.079987,319.170013,319.220001,319.220001,175600000 +1987-10-07,319.220001,319.390015,315.779999,318.540009,318.540009,186300000 +1987-10-08,318.540009,319.339996,312.019989,314.160004,314.160004,198700000 +1987-10-09,314.160004,315.040009,310.970001,311.070007,311.070007,158300000 +1987-10-12,311.070007,311.070007,306.760010,309.390015,309.390015,141900000 +1987-10-13,309.390015,314.529999,309.390015,314.519989,314.519989,172900000 +1987-10-14,314.519989,314.519989,304.779999,305.230011,305.230011,207400000 +1987-10-15,305.209991,305.230011,298.070007,298.079987,298.079987,263200000 +1987-10-16,298.079987,298.920013,281.519989,282.700012,282.700012,338500000 +1987-10-19,282.700012,282.700012,224.830002,224.839996,224.839996,604300000 +1987-10-20,225.059998,245.619995,216.460007,236.830002,236.830002,608100000 +1987-10-21,236.830002,259.269989,236.830002,258.380005,258.380005,449600000 +1987-10-22,258.239990,258.380005,242.990005,248.250000,248.250000,392200000 +1987-10-23,248.289993,250.699997,242.759995,248.220001,248.220001,245600000 +1987-10-26,248.199997,248.220001,227.259995,227.669998,227.669998,308800000 +1987-10-27,227.669998,237.809998,227.669998,233.190002,233.190002,260200000 +1987-10-28,233.190002,238.580002,226.259995,233.279999,233.279999,279400000 +1987-10-29,233.309998,246.690002,233.279999,244.770004,244.770004,258100000 +1987-10-30,244.770004,254.039993,244.770004,251.789993,251.789993,303400000 +1987-11-02,251.729996,255.750000,249.149994,255.750000,255.750000,176000000 +1987-11-03,255.750000,255.750000,242.779999,250.820007,250.820007,227800000 +1987-11-04,250.809998,251.000000,246.339996,248.960007,248.960007,202500000 +1987-11-05,248.929993,256.089996,247.720001,254.479996,254.479996,226000000 +1987-11-06,254.490005,257.209991,249.679993,250.410004,250.410004,228290000 +1987-11-09,250.410004,250.410004,243.009995,243.169998,243.169998,160690000 +1987-11-10,243.139999,243.169998,237.639999,239.000000,239.000000,184310000 +1987-11-11,239.009995,243.860001,239.000000,241.899994,241.899994,147850000 +1987-11-12,241.929993,249.899994,241.899994,248.520004,248.520004,206280000 +1987-11-13,248.539993,249.419998,245.639999,245.639999,245.639999,174920000 +1987-11-16,245.690002,249.539993,244.979996,246.759995,246.759995,164340000 +1987-11-17,246.729996,246.759995,240.809998,243.039993,243.039993,148240000 +1987-11-18,243.089996,245.550003,240.669998,245.550003,245.550003,158270000 +1987-11-19,245.539993,245.550003,239.699997,240.050003,240.050003,157140000 +1987-11-20,240.039993,242.009995,235.889999,242.000000,242.000000,189170000 +1987-11-23,242.000000,242.990005,240.500000,242.990005,242.990005,143160000 +1987-11-24,242.979996,247.899994,242.979996,246.389999,246.389999,199520000 +1987-11-25,246.419998,246.539993,244.080002,244.100006,244.100006,139780000 +1987-11-27,244.110001,244.119995,240.339996,240.339996,240.339996,86360000 +1987-11-30,240.270004,240.339996,225.750000,230.300003,230.300003,268910000 +1987-12-01,230.320007,234.020004,230.300003,232.000000,232.000000,149870000 +1987-12-02,232.009995,234.559998,230.309998,233.449997,233.449997,148890000 +1987-12-03,233.460007,233.899994,225.210007,225.210007,225.210007,204160000 +1987-12-04,225.199997,225.770004,221.240005,223.919998,223.919998,184800000 +1987-12-07,223.979996,228.770004,223.919998,228.759995,228.759995,146660000 +1987-12-08,228.770004,234.919998,228.690002,234.910004,234.910004,227310000 +1987-12-09,234.910004,240.089996,233.830002,238.889999,238.889999,231430000 +1987-12-10,238.889999,240.050003,233.399994,233.570007,233.570007,188960000 +1987-12-11,233.600006,235.479996,233.350006,235.320007,235.320007,151680000 +1987-12-14,235.300003,242.339996,235.039993,242.190002,242.190002,187680000 +1987-12-15,242.190002,245.589996,241.309998,242.809998,242.809998,214970000 +1987-12-16,242.809998,248.110001,242.800003,248.080002,248.080002,193820000 +1987-12-17,248.080002,248.600006,242.960007,242.979996,242.979996,191780000 +1987-12-18,243.009995,249.179993,243.009995,249.160004,249.160004,276220000 +1987-12-21,249.139999,250.250000,248.300003,249.539993,249.539993,161790000 +1987-12-22,249.559998,249.970001,247.009995,249.949997,249.949997,192650000 +1987-12-23,249.960007,253.350006,249.949997,253.160004,253.160004,203110000 +1987-12-24,253.130005,253.160004,251.679993,252.029999,252.029999,108800000 +1987-12-28,252.009995,252.020004,244.190002,245.570007,245.570007,131220000 +1987-12-29,245.580002,245.880005,244.279999,244.589996,244.589996,111580000 +1987-12-30,244.630005,248.059998,244.589996,247.860001,247.860001,149230000 +1987-12-31,247.839996,247.860001,245.220001,247.080002,247.080002,170140000 +1988-01-04,247.100006,256.440002,247.080002,255.940002,255.940002,181810000 +1988-01-05,255.949997,261.779999,255.949997,258.630005,258.630005,209520000 +1988-01-06,258.640015,259.790009,257.179993,258.890015,258.890015,169730000 +1988-01-07,258.869995,261.320007,256.179993,261.070007,261.070007,175360000 +1988-01-08,261.049988,261.070007,242.949997,243.399994,243.399994,197300000 +1988-01-11,243.380005,247.509995,241.070007,247.490005,247.490005,158980000 +1988-01-12,247.440002,247.490005,240.460007,245.419998,245.419998,165730000 +1988-01-13,245.410004,249.250000,241.410004,245.809998,245.809998,154020000 +1988-01-14,245.830002,247.000000,243.970001,245.880005,245.880005,140570000 +1988-01-15,246.020004,253.649994,245.880005,252.050003,252.050003,197940000 +1988-01-18,252.050003,252.860001,249.979996,251.880005,251.880005,135100000 +1988-01-19,251.839996,253.330002,248.750000,249.320007,249.320007,153550000 +1988-01-20,249.309998,249.320007,241.139999,242.630005,242.630005,181660000 +1988-01-21,242.649994,244.250000,240.169998,243.139999,243.139999,158080000 +1988-01-22,243.139999,246.500000,243.139999,246.500000,246.500000,147050000 +1988-01-25,246.529999,252.869995,246.500000,252.169998,252.169998,275250000 +1988-01-26,252.130005,252.169998,249.100006,249.570007,249.570007,138380000 +1988-01-27,249.580002,253.020004,248.500000,249.380005,249.380005,176360000 +1988-01-28,249.389999,253.660004,249.380005,253.289993,253.289993,166430000 +1988-01-29,253.309998,257.070007,252.699997,257.070007,257.070007,211880000 +1988-02-01,257.049988,258.269989,254.929993,255.039993,255.039993,210660000 +1988-02-02,255.050003,256.079987,252.800003,255.570007,255.570007,164920000 +1988-02-03,255.559998,256.980011,250.559998,252.210007,252.210007,237270000 +1988-02-04,252.199997,253.029999,250.339996,252.210007,252.210007,186490000 +1988-02-05,252.220001,253.850006,250.899994,250.960007,250.960007,161310000 +1988-02-08,250.949997,250.960007,247.820007,249.100006,249.100006,168850000 +1988-02-09,249.110001,251.720001,248.660004,251.720001,251.720001,162350000 +1988-02-10,251.740005,256.920013,251.720001,256.660004,256.660004,187980000 +1988-02-11,256.630005,257.769989,255.119995,255.949997,255.949997,200760000 +1988-02-12,255.949997,258.859985,255.850006,257.630005,257.630005,177190000 +1988-02-16,257.609985,259.839996,256.570007,259.829987,259.829987,135380000 +1988-02-17,259.940002,261.470001,257.829987,259.209991,259.209991,176830000 +1988-02-18,258.820007,259.600006,256.899994,257.910004,257.910004,151430000 +1988-02-19,257.899994,261.609985,257.619995,261.609985,261.609985,180300000 +1988-02-22,261.600006,266.059998,260.880005,265.640015,265.640015,178930000 +1988-02-23,265.619995,266.119995,263.109985,265.019989,265.019989,192260000 +1988-02-24,265.010010,266.250000,263.869995,264.429993,264.429993,212730000 +1988-02-25,264.390015,267.750000,261.049988,261.579987,261.579987,213490000 +1988-02-26,261.559998,263.000000,261.380005,262.459991,262.459991,158060000 +1988-02-29,262.459991,267.820007,262.459991,267.820007,267.820007,236050000 +1988-03-01,267.820007,267.950012,265.390015,267.220001,267.220001,199990000 +1988-03-02,267.230011,268.750000,267.000000,267.980011,267.980011,199630000 +1988-03-03,267.980011,268.399994,266.820007,267.880005,267.880005,203310000 +1988-03-04,267.869995,268.399994,264.720001,267.299988,267.299988,201410000 +1988-03-07,267.279999,267.690002,265.940002,267.380005,267.380005,152980000 +1988-03-08,267.380005,270.059998,267.380005,269.429993,269.429993,237680000 +1988-03-09,269.459991,270.760010,268.649994,269.059998,269.059998,210900000 +1988-03-10,269.070007,269.350006,263.799988,263.839996,263.839996,197260000 +1988-03-11,263.850006,264.940002,261.269989,264.940002,264.940002,200020000 +1988-03-14,264.929993,266.549988,264.519989,266.369995,266.369995,131890000 +1988-03-15,266.339996,266.410004,264.920013,266.130005,266.130005,133170000 +1988-03-16,266.109985,268.679993,264.809998,268.649994,268.649994,153590000 +1988-03-17,268.660004,271.220001,268.649994,271.220001,271.220001,211920000 +1988-03-18,271.220001,272.640015,269.760010,271.119995,271.119995,245750000 +1988-03-21,271.100006,271.119995,267.420013,268.739990,268.739990,128830000 +1988-03-22,268.730011,269.609985,267.899994,268.839996,268.839996,142000000 +1988-03-23,268.809998,269.790009,268.010010,268.910004,268.910004,167370000 +1988-03-24,268.910004,268.910004,262.480011,263.350006,263.350006,184910000 +1988-03-25,263.339996,263.440002,258.119995,258.510010,258.510010,163170000 +1988-03-28,258.500000,258.510010,256.070007,258.059998,258.059998,142820000 +1988-03-29,258.109985,260.859985,258.059998,260.070007,260.070007,152690000 +1988-03-30,260.059998,261.589996,257.920013,258.070007,258.070007,151810000 +1988-03-31,258.029999,259.029999,256.160004,258.890015,258.890015,139870000 +1988-04-04,258.890015,259.059998,255.679993,256.089996,256.089996,182240000 +1988-04-05,256.100006,258.519989,256.029999,258.510010,258.510010,135290000 +1988-04-06,258.519989,265.500000,258.220001,265.489990,265.489990,189760000 +1988-04-07,265.510010,267.320007,265.220001,266.160004,266.160004,177840000 +1988-04-08,266.149994,270.220001,266.109985,269.429993,269.429993,169300000 +1988-04-11,269.429993,270.410004,268.609985,270.160004,270.160004,146370000 +1988-04-12,269.880005,272.049988,269.660004,271.369995,271.369995,146400000 +1988-04-13,271.329987,271.700012,269.230011,271.579987,271.579987,185120000 +1988-04-14,271.549988,271.570007,259.369995,259.750000,259.750000,211810000 +1988-04-15,259.739990,260.390015,255.970001,259.769989,259.769989,234160000 +1988-04-18,259.750000,259.809998,258.029999,259.209991,259.209991,144650000 +1988-04-19,259.239990,262.380005,257.910004,257.920013,257.920013,161910000 +1988-04-20,257.910004,258.540009,256.119995,256.130005,256.130005,147590000 +1988-04-21,256.149994,260.440002,254.710007,256.420013,256.420013,168440000 +1988-04-22,256.450012,261.160004,256.420013,260.140015,260.140015,152520000 +1988-04-25,260.149994,263.290009,260.140015,262.510010,262.510010,156950000 +1988-04-26,262.450012,265.059998,262.179993,263.929993,263.929993,152300000 +1988-04-27,263.940002,265.089996,263.450012,263.799988,263.799988,133810000 +1988-04-28,263.790009,263.799988,262.220001,262.609985,262.609985,128680000 +1988-04-29,262.589996,262.609985,259.970001,261.329987,261.329987,135620000 +1988-05-02,261.359985,261.559998,259.989990,261.559998,261.559998,136470000 +1988-05-03,261.549988,263.700012,261.549988,263.000000,263.000000,176920000 +1988-05-04,263.049988,263.230011,260.309998,260.320007,260.320007,141320000 +1988-05-05,260.299988,260.320007,258.130005,258.790009,258.790009,171840000 +1988-05-06,258.799988,260.309998,257.029999,257.480011,257.480011,129080000 +1988-05-09,257.470001,258.220001,255.449997,256.540009,256.540009,166320000 +1988-05-10,256.529999,258.299988,255.929993,257.619995,257.619995,131200000 +1988-05-11,257.600006,257.619995,252.320007,253.309998,253.309998,176720000 +1988-05-12,253.320007,254.869995,253.309998,253.850006,253.850006,143880000 +1988-05-13,253.880005,256.829987,253.850006,256.779999,256.779999,147240000 +1988-05-16,256.750000,258.709991,256.279999,258.709991,258.709991,155010000 +1988-05-17,258.720001,260.200012,255.350006,255.389999,255.389999,133850000 +1988-05-18,255.399994,255.669998,250.729996,251.350006,251.350006,209420000 +1988-05-19,251.360001,252.570007,248.850006,252.570007,252.570007,165160000 +1988-05-20,252.610001,253.699997,251.789993,253.020004,253.020004,120600000 +1988-05-23,253.000000,253.020004,249.820007,250.830002,250.830002,102640000 +1988-05-24,250.839996,253.509995,250.830002,253.509995,253.509995,139930000 +1988-05-25,253.520004,255.339996,253.509995,253.759995,253.759995,138310000 +1988-05-26,253.750000,254.979996,253.520004,254.630005,254.630005,164260000 +1988-05-27,254.619995,254.630005,252.740005,253.419998,253.419998,133590000 +1988-05-31,253.440002,262.160004,253.419998,262.160004,262.160004,247610000 +1988-06-01,262.160004,267.429993,262.100006,266.690002,266.690002,234560000 +1988-06-02,266.649994,266.709991,264.119995,265.329987,265.329987,193540000 +1988-06-03,265.339996,267.109985,264.420013,266.450012,266.450012,189600000 +1988-06-06,266.459991,267.049988,264.970001,267.049988,267.049988,152460000 +1988-06-07,267.019989,267.279999,264.500000,265.170013,265.170013,168710000 +1988-06-08,265.320007,272.010010,265.170013,271.519989,271.519989,310030000 +1988-06-09,271.500000,272.290009,270.190002,270.200012,270.200012,235160000 +1988-06-10,270.220001,273.209991,270.200012,271.260010,271.260010,155710000 +1988-06-13,271.279999,271.940002,270.529999,271.429993,271.429993,125310000 +1988-06-14,271.579987,276.140015,271.440002,274.299988,274.299988,227150000 +1988-06-15,274.290009,274.450012,272.750000,274.450012,274.450012,150260000 +1988-06-16,274.440002,274.450012,268.760010,269.769989,269.769989,161550000 +1988-06-17,269.790009,270.769989,268.089996,270.679993,270.679993,343920000 +1988-06-20,270.670013,270.679993,268.589996,268.940002,268.940002,116750000 +1988-06-21,268.950012,271.670013,267.519989,271.670013,271.670013,155060000 +1988-06-22,271.690002,276.880005,271.670013,275.660004,275.660004,217510000 +1988-06-23,275.619995,275.890015,274.260010,274.820007,274.820007,185770000 +1988-06-24,274.809998,275.190002,273.529999,273.779999,273.779999,179880000 +1988-06-27,273.779999,273.790009,268.850006,269.059998,269.059998,264410000 +1988-06-28,269.070007,272.799988,269.059998,272.309998,272.309998,152370000 +1988-06-29,272.320007,273.010010,269.489990,270.980011,270.980011,159590000 +1988-06-30,271.000000,273.510010,270.970001,273.500000,273.500000,227410000 +1988-07-01,273.500000,273.799988,270.779999,271.779999,271.779999,238330000 +1988-07-05,271.779999,275.809998,270.510010,275.809998,275.809998,171790000 +1988-07-06,275.799988,276.359985,269.920013,272.019989,272.019989,189630000 +1988-07-07,272.000000,272.049988,269.309998,271.779999,271.779999,156100000 +1988-07-08,271.760010,272.309998,269.859985,270.019989,270.019989,136070000 +1988-07-11,270.029999,271.640015,270.019989,270.549988,270.549988,123300000 +1988-07-12,270.540009,270.700012,266.959991,267.850006,267.850006,161650000 +1988-07-13,267.869995,269.459991,266.119995,269.320007,269.320007,218930000 +1988-07-14,269.329987,270.690002,268.579987,270.260010,270.260010,172410000 +1988-07-15,270.230011,272.059998,269.529999,272.049988,272.049988,199710000 +1988-07-18,271.989990,272.049988,268.660004,270.510010,270.510010,156210000 +1988-07-19,270.489990,271.209991,267.010010,268.470001,268.470001,144110000 +1988-07-20,268.519989,270.239990,268.470001,270.000000,270.000000,151990000 +1988-07-21,269.989990,270.000000,266.660004,266.660004,266.660004,149460000 +1988-07-22,266.649994,266.660004,263.290009,263.500000,263.500000,148880000 +1988-07-25,263.489990,265.170013,263.029999,264.679993,264.679993,215140000 +1988-07-26,264.700012,266.089996,264.320007,265.190002,265.190002,121960000 +1988-07-27,265.179993,265.829987,262.480011,262.500000,262.500000,135890000 +1988-07-28,262.519989,266.549988,262.500000,266.019989,266.019989,154570000 +1988-07-29,266.040009,272.019989,266.019989,272.019989,272.019989,192340000 +1988-08-01,272.029999,272.799988,271.209991,272.209991,272.209991,138170000 +1988-08-02,272.190002,273.679993,270.369995,272.059998,272.059998,166660000 +1988-08-03,272.029999,273.420013,271.149994,272.980011,272.980011,203590000 +1988-08-04,273.000000,274.200012,271.769989,271.929993,271.929993,157240000 +1988-08-05,271.700012,271.929993,270.079987,271.149994,271.149994,113400000 +1988-08-08,271.130005,272.470001,269.929993,269.980011,269.980011,148800000 +1988-08-09,270.000000,270.200012,265.059998,266.489990,266.489990,200710000 +1988-08-10,266.429993,266.489990,261.029999,261.899994,261.899994,200950000 +1988-08-11,261.920013,262.769989,260.339996,262.750000,262.750000,173000000 +1988-08-12,262.700012,262.940002,261.369995,262.549988,262.549988,176960000 +1988-08-15,262.489990,262.549988,258.679993,258.690002,258.690002,128560000 +1988-08-16,258.679993,262.609985,257.500000,260.559998,260.559998,162790000 +1988-08-17,260.570007,261.839996,259.329987,260.769989,260.769989,169500000 +1988-08-18,260.760010,262.760010,260.750000,261.029999,261.029999,139820000 +1988-08-19,261.049988,262.269989,260.230011,260.239990,260.239990,122370000 +1988-08-22,260.239990,260.709991,256.940002,256.980011,256.980011,122250000 +1988-08-23,256.989990,257.859985,256.529999,257.089996,257.089996,119540000 +1988-08-24,257.160004,261.130005,257.089996,261.130005,261.130005,127800000 +1988-08-25,261.100006,261.130005,257.559998,259.179993,259.179993,127640000 +1988-08-26,259.179993,260.149994,258.869995,259.679993,259.679993,89240000 +1988-08-29,259.679993,262.559998,259.679993,262.329987,262.329987,99280000 +1988-08-30,262.329987,263.179993,261.529999,262.510010,262.510010,108720000 +1988-08-31,262.510010,263.799988,261.209991,261.519989,261.519989,130480000 +1988-09-01,261.519989,261.519989,256.980011,258.350006,258.350006,144090000 +1988-09-02,258.350006,264.899994,258.350006,264.480011,264.480011,159840000 +1988-09-06,264.420013,265.940002,264.399994,265.589996,265.589996,122250000 +1988-09-07,265.619995,266.980011,264.929993,265.869995,265.869995,139590000 +1988-09-08,265.869995,266.540009,264.880005,265.880005,265.880005,149380000 +1988-09-09,265.880005,268.260010,263.660004,266.839996,266.839996,141540000 +1988-09-12,266.850006,267.640015,266.220001,266.470001,266.470001,114880000 +1988-09-13,266.450012,267.429993,265.220001,267.429993,267.429993,162490000 +1988-09-14,267.500000,269.470001,267.410004,269.309998,269.309998,177220000 +1988-09-15,269.299988,269.779999,268.029999,268.130005,268.130005,161210000 +1988-09-16,268.130005,270.809998,267.329987,270.649994,270.649994,211110000 +1988-09-19,270.640015,270.649994,267.410004,268.820007,268.820007,135770000 +1988-09-20,268.829987,270.070007,268.500000,269.730011,269.730011,142220000 +1988-09-21,269.760010,270.640015,269.480011,270.160004,270.160004,127400000 +1988-09-22,270.190002,270.579987,268.260010,269.179993,269.179993,150670000 +1988-09-23,269.160004,270.309998,268.279999,269.760010,269.760010,145100000 +1988-09-26,269.769989,269.799988,268.609985,268.880005,268.880005,116420000 +1988-09-27,268.890015,269.359985,268.010010,268.260010,268.260010,113010000 +1988-09-28,268.220001,269.079987,267.769989,269.079987,269.079987,113720000 +1988-09-29,269.089996,273.019989,269.079987,272.589996,272.589996,155790000 +1988-09-30,272.549988,274.869995,271.660004,271.910004,271.910004,175750000 +1988-10-03,271.890015,271.910004,268.839996,271.380005,271.380005,130380000 +1988-10-04,271.369995,271.790009,270.339996,270.619995,270.619995,157760000 +1988-10-05,270.630005,272.450012,270.079987,271.859985,271.859985,175130000 +1988-10-06,271.869995,272.390015,271.299988,272.390015,272.390015,153570000 +1988-10-07,272.380005,278.070007,272.369995,278.070007,278.070007,216390000 +1988-10-10,278.059998,278.690002,277.100006,278.239990,278.239990,124660000 +1988-10-11,278.149994,278.239990,276.329987,277.929993,277.929993,140900000 +1988-10-12,277.910004,277.929993,273.049988,273.980011,273.980011,154840000 +1988-10-13,273.950012,275.829987,273.390015,275.220001,275.220001,154530000 +1988-10-14,275.269989,277.010010,274.079987,275.500000,275.500000,160240000 +1988-10-17,275.480011,276.649994,275.010010,276.410004,276.410004,119290000 +1988-10-18,276.429993,279.390015,276.410004,279.380005,279.380005,162500000 +1988-10-19,279.399994,280.529999,274.410004,276.970001,276.970001,186350000 +1988-10-20,276.970001,282.880005,276.929993,282.880005,282.880005,189580000 +1988-10-21,282.880005,283.660004,281.160004,283.660004,283.660004,195410000 +1988-10-24,283.630005,283.950012,282.279999,282.279999,282.279999,170590000 +1988-10-25,282.279999,282.839996,281.869995,282.380005,282.380005,155190000 +1988-10-26,282.369995,282.519989,280.540009,281.380005,281.380005,181550000 +1988-10-27,281.350006,281.380005,276.000000,277.279999,277.279999,196540000 +1988-10-28,277.290009,279.480011,277.279999,278.529999,278.529999,146300000 +1988-10-31,278.540009,279.390015,277.140015,278.970001,278.970001,143460000 +1988-11-01,278.970001,279.570007,278.010010,279.059998,279.059998,151250000 +1988-11-02,279.070007,279.450012,277.079987,279.059998,279.059998,161300000 +1988-11-03,279.040009,280.369995,279.040009,279.200012,279.200012,152980000 +1988-11-04,279.109985,279.200012,276.309998,276.309998,276.309998,143580000 +1988-11-07,276.299988,276.309998,273.619995,273.929993,273.929993,133870000 +1988-11-08,273.950012,275.799988,273.929993,275.149994,275.149994,141660000 +1988-11-09,275.140015,275.149994,272.149994,273.329987,273.329987,153140000 +1988-11-10,273.320007,274.369995,272.980011,273.690002,273.690002,128920000 +1988-11-11,273.649994,273.690002,267.920013,267.920013,267.920013,135500000 +1988-11-14,267.929993,269.250000,266.790009,267.720001,267.720001,142900000 +1988-11-15,267.730011,268.750000,267.720001,268.339996,268.339996,115170000 +1988-11-16,268.410004,268.410004,262.850006,263.820007,263.820007,161710000 +1988-11-17,264.609985,265.630005,263.450012,264.600006,264.600006,141280000 +1988-11-18,264.600006,266.619995,264.600006,266.470001,266.470001,119320000 +1988-11-21,266.350006,266.470001,263.410004,266.220001,266.220001,120430000 +1988-11-22,266.190002,267.850006,265.420013,267.209991,267.209991,127000000 +1988-11-23,267.220001,269.559998,267.209991,269.000000,269.000000,112010000 +1988-11-25,268.989990,269.000000,266.470001,267.230011,267.230011,72090000 +1988-11-28,267.220001,268.980011,266.970001,268.640015,268.640015,123480000 +1988-11-29,268.600006,271.309998,268.130005,270.910004,270.910004,127420000 +1988-11-30,270.910004,274.359985,270.899994,273.700012,273.700012,157810000 +1988-12-01,273.679993,273.700012,272.269989,272.489990,272.489990,129380000 +1988-12-02,272.489990,272.489990,270.470001,271.809998,271.809998,124610000 +1988-12-05,274.929993,275.619995,271.809998,274.929993,274.929993,144660000 +1988-12-06,274.929993,277.890015,274.619995,277.589996,277.589996,158340000 +1988-12-07,277.589996,279.010010,277.339996,278.130005,278.130005,148360000 +1988-12-08,278.130005,278.130005,276.549988,276.589996,276.589996,124150000 +1988-12-09,276.570007,277.820007,276.339996,277.029999,277.029999,133770000 +1988-12-12,277.029999,278.820007,276.519989,276.519989,276.519989,124160000 +1988-12-13,276.519989,276.519989,274.579987,276.309998,276.309998,132340000 +1988-12-14,276.309998,276.309998,274.579987,275.309998,275.309998,132350000 +1988-12-15,275.320007,275.619995,274.010010,274.279999,274.279999,136820000 +1988-12-16,274.279999,276.290009,274.279999,276.290009,276.290009,196480000 +1988-12-19,276.290009,279.309998,275.609985,278.910004,278.910004,162250000 +1988-12-20,278.910004,280.450012,277.470001,277.470001,277.470001,161090000 +1988-12-21,277.470001,277.829987,276.299988,277.380005,277.380005,147250000 +1988-12-22,277.380005,277.890015,276.859985,276.869995,276.869995,150510000 +1988-12-23,276.869995,277.989990,276.869995,277.869995,277.869995,81760000 +1988-12-27,277.869995,278.089996,276.739990,276.829987,276.829987,87490000 +1988-12-28,276.829987,277.549988,276.170013,277.079987,277.079987,110630000 +1988-12-29,277.079987,279.420013,277.079987,279.399994,279.399994,131290000 +1988-12-30,279.390015,279.779999,277.720001,277.720001,277.720001,127210000 +1989-01-03,277.720001,277.720001,273.809998,275.309998,275.309998,128500000 +1989-01-04,275.309998,279.750000,275.309998,279.429993,279.429993,149700000 +1989-01-05,279.429993,281.510010,279.429993,280.010010,280.010010,174040000 +1989-01-06,280.010010,282.059998,280.010010,280.670013,280.670013,161330000 +1989-01-09,280.670013,281.890015,280.320007,280.980011,280.980011,163180000 +1989-01-10,280.980011,281.579987,279.440002,280.380005,280.380005,140420000 +1989-01-11,280.380005,282.010010,280.209991,282.010010,282.010010,148950000 +1989-01-12,282.010010,284.630005,282.010010,283.170013,283.170013,183000000 +1989-01-13,283.170013,284.119995,282.709991,283.869995,283.869995,132320000 +1989-01-16,283.869995,284.880005,283.630005,284.140015,284.140015,117380000 +1989-01-17,284.140015,284.140015,283.059998,283.549988,283.549988,143930000 +1989-01-18,283.549988,286.869995,282.649994,286.529999,286.529999,187450000 +1989-01-19,286.529999,287.899994,286.140015,286.910004,286.910004,192030000 +1989-01-20,286.899994,287.040009,285.750000,286.630005,286.630005,166120000 +1989-01-23,287.850006,287.980011,284.500000,284.500000,284.500000,141640000 +1989-01-24,284.500000,288.489990,284.500000,288.489990,288.489990,189620000 +1989-01-25,288.489990,289.149994,287.970001,289.140015,289.140015,183610000 +1989-01-26,289.140015,292.619995,288.130005,291.690002,291.690002,212250000 +1989-01-27,291.690002,296.079987,291.690002,293.820007,293.820007,254870000 +1989-01-30,293.820007,295.130005,293.540009,294.989990,294.989990,167830000 +1989-01-31,294.989990,297.510010,293.570007,297.470001,297.470001,194050000 +1989-02-01,297.470001,298.329987,296.220001,297.089996,297.089996,215640000 +1989-02-02,297.089996,297.920013,295.809998,296.839996,296.839996,183430000 +1989-02-03,296.839996,297.660004,296.149994,296.970001,296.970001,172980000 +1989-02-06,296.970001,296.989990,294.959991,296.040009,296.040009,150980000 +1989-02-07,296.040009,300.339996,295.779999,299.630005,299.630005,217260000 +1989-02-08,299.619995,300.570007,298.410004,298.649994,298.649994,189420000 +1989-02-09,298.649994,298.790009,295.160004,296.059998,296.059998,224220000 +1989-02-10,296.059998,296.059998,291.959991,292.019989,292.019989,173560000 +1989-02-13,292.019989,293.070007,290.880005,292.540009,292.540009,143520000 +1989-02-14,292.540009,294.369995,291.410004,291.809998,291.809998,150610000 +1989-02-15,291.809998,294.420013,291.489990,294.239990,294.239990,154220000 +1989-02-16,294.239990,295.149994,294.220001,294.809998,294.809998,177450000 +1989-02-17,294.809998,297.119995,294.690002,296.760010,296.760010,159520000 +1989-02-21,296.760010,297.040009,295.160004,295.980011,295.980011,141950000 +1989-02-22,295.980011,295.980011,290.760010,290.910004,290.910004,163140000 +1989-02-23,290.910004,292.049988,289.829987,292.049988,292.049988,150370000 +1989-02-24,292.049988,292.049988,287.130005,287.130005,287.130005,160680000 +1989-02-27,287.130005,288.119995,286.260010,287.820007,287.820007,139900000 +1989-02-28,287.820007,289.420013,287.630005,288.859985,288.859985,147430000 +1989-03-01,288.859985,290.279999,286.459991,287.109985,287.109985,177210000 +1989-03-02,287.109985,290.320007,287.109985,289.950012,289.950012,161980000 +1989-03-03,289.940002,291.179993,289.440002,291.179993,291.179993,151790000 +1989-03-06,291.200012,294.809998,291.179993,294.809998,294.809998,168880000 +1989-03-07,294.809998,295.160004,293.500000,293.869995,293.869995,172500000 +1989-03-08,293.869995,295.619995,293.510010,294.079987,294.079987,167620000 +1989-03-09,294.079987,294.690002,293.850006,293.929993,293.929993,143160000 +1989-03-10,293.929993,293.929993,291.600006,292.880005,292.880005,146830000 +1989-03-13,292.880005,296.179993,292.880005,295.320007,295.320007,140460000 +1989-03-14,295.320007,296.290009,294.630005,295.140015,295.140015,139970000 +1989-03-15,295.140015,296.779999,295.140015,296.670013,296.670013,167070000 +1989-03-16,296.670013,299.989990,296.660004,299.440002,299.440002,196040000 +1989-03-17,299.440002,299.440002,291.079987,292.690002,292.690002,242900000 +1989-03-20,292.690002,292.690002,288.559998,289.920013,289.920013,151260000 +1989-03-21,289.920013,292.380005,289.920013,291.329987,291.329987,142010000 +1989-03-22,291.329987,291.459991,289.899994,290.489990,290.489990,146570000 +1989-03-23,290.489990,291.510010,288.559998,288.980011,288.980011,153750000 +1989-03-27,288.980011,290.570007,288.070007,290.570007,290.570007,112960000 +1989-03-28,290.570007,292.320007,290.570007,291.589996,291.589996,146420000 +1989-03-29,291.589996,292.750000,291.420013,292.350006,292.350006,144240000 +1989-03-30,292.350006,293.799988,291.500000,292.519989,292.519989,159950000 +1989-03-31,292.519989,294.959991,292.519989,294.869995,294.869995,170960000 +1989-04-03,294.869995,297.040009,294.619995,296.390015,296.390015,164660000 +1989-04-04,296.399994,296.399994,294.720001,295.309998,295.309998,160680000 +1989-04-05,295.309998,296.429993,295.279999,296.239990,296.239990,165880000 +1989-04-06,296.220001,296.239990,294.519989,295.290009,295.290009,146530000 +1989-04-07,295.290009,297.619995,294.350006,297.160004,297.160004,156950000 +1989-04-10,297.160004,297.940002,296.850006,297.109985,297.109985,123990000 +1989-04-11,297.109985,298.869995,297.109985,298.489990,298.489990,146830000 +1989-04-12,298.489990,299.809998,298.489990,298.989990,298.989990,165200000 +1989-04-13,298.989990,299.000000,296.269989,296.399994,296.399994,141590000 +1989-04-14,296.399994,301.380005,296.399994,301.359985,301.359985,169780000 +1989-04-17,301.359985,302.010010,300.709991,301.720001,301.720001,128540000 +1989-04-18,301.720001,306.250000,301.720001,306.019989,306.019989,208650000 +1989-04-19,306.019989,307.679993,305.359985,307.149994,307.149994,191510000 +1989-04-20,307.149994,307.959991,304.529999,306.190002,306.190002,175970000 +1989-04-21,306.190002,309.609985,306.190002,309.609985,309.609985,187310000 +1989-04-24,309.609985,309.609985,307.829987,308.690002,308.690002,142100000 +1989-04-25,308.690002,309.649994,306.739990,306.750000,306.750000,165430000 +1989-04-26,306.779999,307.299988,306.070007,306.929993,306.929993,146090000 +1989-04-27,306.929993,310.450012,306.929993,309.579987,309.579987,191170000 +1989-04-28,309.579987,309.649994,308.480011,309.640015,309.640015,158390000 +1989-05-01,309.640015,309.640015,307.399994,309.119995,309.119995,138050000 +1989-05-02,309.130005,310.450012,308.119995,308.119995,308.119995,172560000 +1989-05-03,308.119995,308.519989,307.109985,308.160004,308.160004,171690000 +1989-05-04,308.160004,308.399994,307.320007,307.769989,307.769989,153130000 +1989-05-05,307.769989,310.690002,306.980011,307.609985,307.609985,180810000 +1989-05-08,307.609985,307.609985,304.739990,306.000000,306.000000,135130000 +1989-05-09,306.000000,306.989990,304.059998,305.190002,305.190002,150090000 +1989-05-10,305.190002,306.250000,304.850006,305.799988,305.799988,146000000 +1989-05-11,305.799988,307.339996,305.799988,306.950012,306.950012,151620000 +1989-05-12,306.950012,313.839996,306.950012,313.839996,313.839996,221490000 +1989-05-15,313.839996,316.160004,313.839996,316.160004,316.160004,179350000 +1989-05-16,316.160004,316.160004,314.989990,315.279999,315.279999,173100000 +1989-05-17,315.279999,317.940002,315.109985,317.480011,317.480011,191210000 +1989-05-18,317.480011,318.519989,316.540009,317.970001,317.970001,177480000 +1989-05-19,317.970001,321.380005,317.970001,321.239990,321.239990,242410000 +1989-05-22,321.239990,323.059998,320.450012,321.980011,321.980011,185010000 +1989-05-23,321.980011,321.980011,318.200012,318.320007,318.320007,187690000 +1989-05-24,318.320007,319.140015,317.579987,319.140015,319.140015,178600000 +1989-05-25,319.140015,319.600006,318.420013,319.170013,319.170013,154470000 +1989-05-26,319.170013,321.589996,319.140015,321.589996,321.589996,143120000 +1989-05-30,321.589996,322.529999,317.829987,319.049988,319.049988,151780000 +1989-05-31,319.049988,321.299988,318.679993,320.519989,320.519989,162530000 +1989-06-01,320.510010,322.570007,320.010010,321.970001,321.970001,223160000 +1989-06-02,321.970001,325.630005,321.970001,325.519989,325.519989,229140000 +1989-06-05,325.519989,325.929993,322.019989,322.029999,322.029999,163420000 +1989-06-06,322.029999,324.480011,321.269989,324.239990,324.239990,187570000 +1989-06-07,324.239990,327.390015,324.239990,326.950012,326.950012,213710000 +1989-06-08,326.950012,327.369995,325.920013,326.750000,326.750000,212310000 +1989-06-09,326.750000,327.320007,325.160004,326.690002,326.690002,173240000 +1989-06-12,326.690002,326.690002,323.730011,326.239990,326.239990,151460000 +1989-06-13,326.239990,326.239990,322.959991,323.910004,323.910004,164870000 +1989-06-14,323.910004,324.890015,322.799988,323.829987,323.829987,170540000 +1989-06-15,323.829987,323.829987,319.209991,320.079987,320.079987,179480000 +1989-06-16,319.959991,321.359985,318.690002,321.350006,321.350006,244510000 +1989-06-19,321.350006,321.890015,320.399994,321.890015,321.890015,130720000 +1989-06-20,321.890015,322.779999,321.029999,321.250000,321.250000,167650000 +1989-06-21,321.250000,321.869995,319.250000,320.480011,320.480011,168830000 +1989-06-22,320.480011,322.339996,320.200012,322.320007,322.320007,176510000 +1989-06-23,322.320007,328.000000,322.320007,328.000000,328.000000,198720000 +1989-06-26,328.000000,328.149994,326.309998,326.600006,326.600006,143600000 +1989-06-27,326.600006,329.190002,326.589996,328.440002,328.440002,171090000 +1989-06-28,328.440002,328.440002,324.299988,325.809998,325.809998,158470000 +1989-06-29,325.809998,325.809998,319.540009,319.679993,319.679993,167100000 +1989-06-30,319.670013,319.970001,314.380005,317.980011,317.980011,170490000 +1989-07-03,317.980011,319.269989,317.269989,319.230011,319.230011,68870000 +1989-07-05,319.230011,321.220001,317.260010,320.640015,320.640015,127710000 +1989-07-06,320.640015,321.549988,320.450012,321.549988,321.549988,140450000 +1989-07-07,321.549988,325.869995,321.079987,324.910004,324.910004,166430000 +1989-07-10,324.929993,327.070007,324.910004,327.070007,327.070007,131870000 +1989-07-11,327.070007,330.420013,327.070007,328.779999,328.779999,171590000 +1989-07-12,328.779999,330.390015,327.920013,329.809998,329.809998,160550000 +1989-07-13,329.809998,330.369995,329.079987,329.950012,329.950012,153820000 +1989-07-14,329.959991,331.890015,327.130005,331.839996,331.839996,183480000 +1989-07-17,331.779999,333.019989,331.019989,332.440002,332.440002,131960000 +1989-07-18,332.420013,332.440002,330.750000,331.350006,331.350006,152350000 +1989-07-19,331.369995,335.730011,331.350006,335.730011,335.730011,215740000 +1989-07-20,335.739990,337.399994,333.220001,333.510010,333.510010,204590000 +1989-07-21,333.500000,335.910004,332.459991,335.899994,335.899994,174880000 +1989-07-24,335.899994,335.899994,333.440002,333.670013,333.670013,136260000 +1989-07-25,333.670013,336.290009,332.600006,333.880005,333.880005,179270000 +1989-07-26,333.880005,338.049988,333.190002,338.049988,338.049988,188270000 +1989-07-27,338.049988,342.000000,338.049988,341.989990,341.989990,213680000 +1989-07-28,341.940002,342.959991,341.299988,342.149994,342.149994,180610000 +1989-07-31,342.130005,346.079987,342.019989,346.079987,346.079987,166650000 +1989-08-01,346.079987,347.989990,342.929993,343.750000,343.750000,225280000 +1989-08-02,343.750000,344.339996,342.470001,344.339996,344.339996,181760000 +1989-08-03,344.339996,345.220001,343.809998,344.739990,344.739990,168690000 +1989-08-04,344.739990,345.420013,342.600006,343.920013,343.920013,169750000 +1989-08-07,343.920013,349.420013,343.910004,349.410004,349.410004,197580000 +1989-08-08,349.410004,349.839996,348.279999,349.350006,349.350006,200340000 +1989-08-09,349.299988,351.000000,346.859985,346.940002,346.940002,209900000 +1989-08-10,346.940002,349.779999,345.309998,348.250000,348.250000,198660000 +1989-08-11,348.279999,351.179993,344.010010,344.739990,344.739990,197550000 +1989-08-14,344.709991,345.440002,341.959991,343.059998,343.059998,142010000 +1989-08-15,343.059998,345.029999,343.049988,344.709991,344.709991,148770000 +1989-08-16,344.709991,346.369995,344.709991,345.660004,345.660004,150060000 +1989-08-17,345.660004,346.390015,342.970001,344.450012,344.450012,157560000 +1989-08-18,344.450012,346.029999,343.890015,346.029999,346.029999,145810000 +1989-08-21,346.029999,346.250000,340.549988,340.670013,340.670013,136800000 +1989-08-22,340.670013,341.250000,339.000000,341.190002,341.190002,141930000 +1989-08-23,341.190002,344.799988,341.190002,344.700012,344.700012,159640000 +1989-08-24,344.700012,351.519989,344.700012,351.519989,351.519989,225520000 +1989-08-25,351.519989,352.730011,350.089996,350.519989,350.519989,165930000 +1989-08-28,350.519989,352.089996,349.079987,352.089996,352.089996,131180000 +1989-08-29,352.089996,352.119995,348.859985,349.839996,349.839996,175210000 +1989-08-30,349.839996,352.269989,348.660004,350.649994,350.649994,174350000 +1989-08-31,350.649994,351.450012,350.209991,351.450012,351.450012,144820000 +1989-09-01,351.450012,353.899994,350.880005,353.730011,353.730011,133300000 +1989-09-05,353.730011,354.130005,351.820007,352.559998,352.559998,145180000 +1989-09-06,352.559998,352.559998,347.980011,349.239990,349.239990,161800000 +1989-09-07,349.239990,350.309998,348.149994,348.350006,348.350006,160160000 +1989-09-08,348.350006,349.179993,345.739990,348.760010,348.760010,154090000 +1989-09-11,348.760010,348.760010,345.910004,347.660004,347.660004,126020000 +1989-09-12,347.660004,349.459991,347.500000,348.700012,348.700012,142140000 +1989-09-13,348.700012,350.100006,345.459991,345.459991,345.459991,175330000 +1989-09-14,345.459991,345.609985,342.549988,343.160004,343.160004,149250000 +1989-09-15,343.160004,345.059998,341.369995,345.059998,345.059998,234860000 +1989-09-18,345.059998,346.839996,344.600006,346.730011,346.730011,136940000 +1989-09-19,346.730011,348.170013,346.440002,346.549988,346.549988,141610000 +1989-09-20,346.549988,347.269989,346.179993,346.470001,346.470001,136640000 +1989-09-21,346.470001,348.459991,344.959991,345.700012,345.700012,146930000 +1989-09-22,345.700012,347.570007,345.690002,347.049988,347.049988,133350000 +1989-09-25,347.049988,347.049988,343.700012,344.230011,344.230011,121130000 +1989-09-26,344.230011,347.019989,344.130005,344.329987,344.329987,158350000 +1989-09-27,344.329987,345.470001,342.850006,345.100006,345.100006,158400000 +1989-09-28,345.100006,348.609985,345.100006,348.600006,348.600006,164240000 +1989-09-29,348.600006,350.309998,348.119995,349.149994,349.149994,155300000 +1989-10-02,349.149994,350.989990,348.350006,350.869995,350.869995,127410000 +1989-10-03,350.869995,354.730011,350.850006,354.709991,354.709991,182550000 +1989-10-04,354.709991,357.489990,354.709991,356.940002,356.940002,194590000 +1989-10-05,356.940002,357.630005,356.279999,356.970001,356.970001,177890000 +1989-10-06,356.970001,359.049988,356.970001,358.779999,358.779999,172520000 +1989-10-09,358.760010,359.859985,358.059998,359.799988,359.799988,86810000 +1989-10-10,359.799988,360.440002,358.109985,359.130005,359.130005,147560000 +1989-10-11,359.130005,359.130005,356.079987,356.989990,356.989990,164070000 +1989-10-12,356.989990,356.989990,354.910004,355.390015,355.390015,160120000 +1989-10-13,355.390015,355.529999,332.809998,333.649994,333.649994,251170000 +1989-10-16,333.649994,342.869995,327.119995,342.850006,342.850006,416290000 +1989-10-17,342.839996,342.850006,335.690002,341.160004,341.160004,224070000 +1989-10-18,341.160004,343.390015,339.029999,341.760010,341.760010,166900000 +1989-10-19,341.760010,348.820007,341.760010,347.130005,347.130005,198120000 +1989-10-20,347.040009,347.570007,344.470001,347.160004,347.160004,164830000 +1989-10-23,347.109985,348.190002,344.220001,344.829987,344.829987,135860000 +1989-10-24,344.829987,344.829987,335.130005,343.700012,343.700012,237960000 +1989-10-25,343.700012,344.510010,341.959991,342.500000,342.500000,155650000 +1989-10-26,342.500000,342.500000,337.200012,337.929993,337.929993,175240000 +1989-10-27,337.929993,337.970001,333.260010,335.059998,335.059998,170330000 +1989-10-30,335.059998,337.040009,334.480011,335.070007,335.070007,126630000 +1989-10-31,335.079987,340.859985,335.070007,340.359985,340.359985,176100000 +1989-11-01,340.359985,341.739990,339.790009,341.200012,341.200012,154240000 +1989-11-02,341.200012,341.200012,336.609985,338.480011,338.480011,152440000 +1989-11-03,338.480011,339.670013,337.369995,337.619995,337.619995,131500000 +1989-11-06,337.609985,337.619995,332.329987,332.609985,332.609985,135480000 +1989-11-07,332.609985,334.820007,330.910004,334.809998,334.809998,163000000 +1989-11-08,334.809998,339.410004,334.809998,338.149994,338.149994,170150000 +1989-11-09,338.149994,338.730011,336.209991,336.570007,336.570007,143390000 +1989-11-10,336.570007,339.100006,336.570007,339.100006,339.100006,131800000 +1989-11-13,339.079987,340.510010,337.929993,339.549988,339.549988,140750000 +1989-11-14,339.549988,340.410004,337.059998,337.989990,337.989990,143170000 +1989-11-15,338.000000,340.540009,337.140015,340.540009,340.540009,155130000 +1989-11-16,340.540009,341.019989,338.929993,340.579987,340.579987,148370000 +1989-11-17,340.579987,342.239990,339.850006,341.609985,341.609985,151020000 +1989-11-20,341.609985,341.899994,338.290009,339.350006,339.350006,128170000 +1989-11-21,339.350006,340.209991,337.529999,339.589996,339.589996,147900000 +1989-11-22,339.589996,341.920013,339.589996,341.910004,341.910004,145730000 +1989-11-24,341.920013,344.239990,341.910004,343.970001,343.970001,86290000 +1989-11-27,343.980011,346.239990,343.970001,345.609985,345.609985,149390000 +1989-11-28,345.609985,346.329987,344.410004,345.769989,345.769989,153770000 +1989-11-29,345.769989,345.769989,343.359985,343.600006,343.600006,147270000 +1989-11-30,343.600006,346.500000,343.570007,345.989990,345.989990,153200000 +1989-12-01,346.010010,351.880005,345.989990,350.630005,350.630005,199200000 +1989-12-04,350.630005,351.510010,350.320007,351.410004,351.410004,150360000 +1989-12-05,351.410004,352.239990,349.579987,349.579987,349.579987,154640000 +1989-12-06,349.579987,349.940002,347.910004,348.549988,348.549988,145850000 +1989-12-07,348.549988,349.839996,346.000000,347.589996,347.589996,161980000 +1989-12-08,347.600006,349.600006,347.589996,348.690002,348.690002,144910000 +1989-12-11,348.679993,348.739990,346.390015,348.559998,348.559998,147130000 +1989-12-12,348.559998,352.209991,348.410004,351.730011,351.730011,176820000 +1989-12-13,351.700012,354.100006,351.649994,352.750000,352.750000,184660000 +1989-12-14,352.739990,352.750000,350.079987,350.929993,350.929993,178700000 +1989-12-15,350.970001,351.859985,346.079987,350.140015,350.140015,240390000 +1989-12-18,350.140015,350.880005,342.190002,343.690002,343.690002,184750000 +1989-12-19,343.690002,343.739990,339.630005,342.459991,342.459991,186060000 +1989-12-20,342.500000,343.700012,341.790009,342.839996,342.839996,176520000 +1989-12-21,342.839996,345.029999,342.839996,344.779999,344.779999,175150000 +1989-12-22,344.779999,347.529999,344.760010,347.420013,347.420013,120980000 +1989-12-26,347.420013,347.869995,346.529999,346.809998,346.809998,77610000 +1989-12-27,346.839996,349.119995,346.809998,348.809998,348.809998,133740000 +1989-12-28,348.799988,350.679993,348.760010,350.670013,350.670013,128030000 +1989-12-29,350.679993,353.410004,350.670013,353.399994,353.399994,145940000 +1990-01-02,353.399994,359.690002,351.980011,359.690002,359.690002,162070000 +1990-01-03,359.690002,360.589996,357.890015,358.760010,358.760010,192330000 +1990-01-04,358.760010,358.760010,352.890015,355.670013,355.670013,177000000 +1990-01-05,355.670013,355.670013,351.350006,352.200012,352.200012,158530000 +1990-01-08,352.200012,354.239990,350.540009,353.790009,353.790009,140110000 +1990-01-09,353.829987,354.170013,349.609985,349.619995,349.619995,155210000 +1990-01-10,349.619995,349.619995,344.320007,347.309998,347.309998,175990000 +1990-01-11,347.309998,350.140015,347.309998,348.529999,348.529999,154390000 +1990-01-12,348.529999,348.529999,339.489990,339.929993,339.929993,183880000 +1990-01-15,339.929993,339.940002,336.570007,337.000000,337.000000,140590000 +1990-01-16,337.000000,340.750000,333.369995,340.750000,340.750000,186070000 +1990-01-17,340.769989,342.010010,336.260010,337.399994,337.399994,170470000 +1990-01-18,337.399994,338.380005,333.980011,338.190002,338.190002,178590000 +1990-01-19,338.190002,340.480011,338.190002,339.149994,339.149994,185590000 +1990-01-22,339.140015,339.959991,330.279999,330.380005,330.380005,148380000 +1990-01-23,330.380005,332.760010,328.670013,331.609985,331.609985,179300000 +1990-01-24,331.609985,331.709991,324.170013,330.260010,330.260010,207830000 +1990-01-25,330.260010,332.329987,325.329987,326.079987,326.079987,172270000 +1990-01-26,326.089996,328.579987,321.440002,325.799988,325.799988,198190000 +1990-01-29,325.799988,327.309998,321.790009,325.200012,325.200012,150770000 +1990-01-30,325.200012,325.730011,319.829987,322.980011,322.980011,186030000 +1990-01-31,322.980011,329.079987,322.980011,329.079987,329.079987,189660000 +1990-02-01,329.079987,329.859985,327.760010,328.790009,328.790009,154580000 +1990-02-02,328.790009,332.100006,328.089996,330.920013,330.920013,164400000 +1990-02-05,330.920013,332.160004,330.450012,331.850006,331.850006,130950000 +1990-02-06,331.850006,331.859985,328.200012,329.660004,329.660004,134070000 +1990-02-07,329.660004,333.760010,326.549988,333.750000,333.750000,186710000 +1990-02-08,333.750000,336.089996,332.000000,332.959991,332.959991,176240000 +1990-02-09,333.019989,334.600006,332.410004,333.619995,333.619995,146910000 +1990-02-12,333.619995,333.619995,329.970001,330.079987,330.079987,118390000 +1990-02-13,330.079987,331.609985,327.920013,331.019989,331.019989,144490000 +1990-02-14,331.019989,333.200012,330.640015,332.010010,332.010010,138530000 +1990-02-15,332.010010,335.209991,331.609985,334.890015,334.890015,174620000 +1990-02-16,334.890015,335.640015,332.420013,332.720001,332.720001,166840000 +1990-02-20,332.720001,332.720001,326.260010,327.989990,327.989990,147300000 +1990-02-21,327.910004,328.170013,324.470001,327.670013,327.670013,159240000 +1990-02-22,327.670013,330.980011,325.700012,325.700012,325.700012,184320000 +1990-02-23,325.700012,326.149994,322.100006,324.149994,324.149994,148490000 +1990-02-26,324.160004,328.670013,323.980011,328.670013,328.670013,148900000 +1990-02-27,328.679993,331.940002,328.470001,330.260010,330.260010,152590000 +1990-02-28,330.260010,333.480011,330.160004,331.890015,331.890015,184400000 +1990-03-01,331.890015,334.399994,331.079987,332.739990,332.739990,157930000 +1990-03-02,332.739990,335.540009,332.720001,335.540009,335.540009,164330000 +1990-03-05,335.540009,336.380005,333.489990,333.739990,333.739990,140110000 +1990-03-06,333.739990,337.929993,333.570007,337.929993,337.929993,143640000 +1990-03-07,337.929993,338.839996,336.329987,336.950012,336.950012,163580000 +1990-03-08,336.950012,340.660004,336.950012,340.269989,340.269989,170900000 +1990-03-09,340.119995,340.269989,336.839996,337.929993,337.929993,150410000 +1990-03-12,337.929993,339.079987,336.140015,338.670013,338.670013,114790000 +1990-03-13,338.670013,338.670013,335.359985,336.000000,336.000000,145440000 +1990-03-14,336.000000,337.630005,334.929993,336.869995,336.869995,145060000 +1990-03-15,336.869995,338.910004,336.869995,338.070007,338.070007,144410000 +1990-03-16,338.070007,341.910004,338.070007,341.910004,341.910004,222520000 +1990-03-19,341.910004,343.760010,339.119995,343.529999,343.529999,142300000 +1990-03-20,343.529999,344.489990,340.869995,341.570007,341.570007,177320000 +1990-03-21,341.570007,342.339996,339.559998,339.739990,339.739990,130990000 +1990-03-22,339.739990,339.769989,333.619995,335.690002,335.690002,175930000 +1990-03-23,335.690002,337.579987,335.690002,337.220001,337.220001,132070000 +1990-03-26,337.220001,339.739990,337.220001,337.630005,337.630005,116110000 +1990-03-27,337.630005,341.500000,337.029999,341.500000,341.500000,131610000 +1990-03-28,341.500000,342.579987,340.600006,342.000000,342.000000,142300000 +1990-03-29,342.000000,342.070007,339.769989,340.790009,340.790009,132190000 +1990-03-30,340.790009,341.410004,338.209991,339.940002,339.940002,139340000 +1990-04-02,339.940002,339.940002,336.329987,338.700012,338.700012,124360000 +1990-04-03,338.700012,343.760010,338.700012,343.640015,343.640015,154310000 +1990-04-04,343.640015,344.119995,340.399994,341.089996,341.089996,159530000 +1990-04-05,341.089996,342.850006,340.630005,340.730011,340.730011,144170000 +1990-04-06,340.730011,341.730011,338.940002,340.079987,340.079987,137490000 +1990-04-09,340.079987,341.829987,339.880005,341.369995,341.369995,114970000 +1990-04-10,341.369995,342.410004,340.619995,342.070007,342.070007,136020000 +1990-04-11,342.070007,343.000000,341.260010,341.920013,341.920013,141080000 +1990-04-12,341.920013,344.790009,341.910004,344.339996,344.339996,142470000 +1990-04-16,344.339996,347.299988,344.100006,344.739990,344.739990,142810000 +1990-04-17,344.739990,345.190002,342.059998,344.679993,344.679993,127990000 +1990-04-18,344.679993,345.329987,340.109985,340.720001,340.720001,147130000 +1990-04-19,340.720001,340.720001,337.589996,338.089996,338.089996,152930000 +1990-04-20,338.089996,338.519989,333.410004,335.119995,335.119995,174260000 +1990-04-23,335.119995,335.119995,330.089996,331.049988,331.049988,136150000 +1990-04-24,331.049988,332.970001,329.709991,330.359985,330.359985,137360000 +1990-04-25,330.359985,332.739990,330.359985,332.029999,332.029999,133480000 +1990-04-26,332.029999,333.760010,330.670013,332.920013,332.920013,141330000 +1990-04-27,332.920013,333.570007,328.709991,329.109985,329.109985,130630000 +1990-04-30,329.109985,331.309998,327.760010,330.799988,330.799988,122750000 +1990-05-01,330.799988,332.829987,330.799988,332.250000,332.250000,149020000 +1990-05-02,332.250000,334.480011,332.149994,334.480011,334.480011,141610000 +1990-05-03,334.480011,337.019989,334.470001,335.570007,335.570007,145560000 +1990-05-04,335.579987,338.459991,335.170013,338.390015,338.390015,140550000 +1990-05-07,338.390015,341.070007,338.109985,340.529999,340.529999,132760000 +1990-05-08,340.529999,342.029999,340.170013,342.010010,342.010010,144230000 +1990-05-09,342.010010,343.079987,340.899994,342.859985,342.859985,152220000 +1990-05-10,342.869995,344.980011,342.769989,343.820007,343.820007,158460000 +1990-05-11,343.820007,352.309998,343.820007,352.000000,352.000000,234040000 +1990-05-14,352.000000,358.410004,351.950012,354.750000,354.750000,225410000 +1990-05-15,354.750000,355.089996,352.839996,354.279999,354.279999,165730000 +1990-05-16,354.269989,354.679993,351.950012,354.000000,354.000000,159810000 +1990-05-17,354.000000,356.920013,354.000000,354.470001,354.470001,164770000 +1990-05-18,354.470001,354.640015,352.519989,354.640015,354.640015,162520000 +1990-05-21,354.640015,359.070007,353.779999,358.000000,358.000000,166280000 +1990-05-22,358.000000,360.500000,356.089996,358.429993,358.429993,203350000 +1990-05-23,358.429993,359.290009,356.989990,359.290009,359.290009,172330000 +1990-05-24,359.290009,359.559998,357.869995,358.410004,358.410004,155140000 +1990-05-25,358.410004,358.410004,354.320007,354.579987,354.579987,120250000 +1990-05-29,354.579987,360.649994,354.549988,360.649994,360.649994,137410000 +1990-05-30,360.649994,362.260010,360.000000,360.859985,360.859985,199540000 +1990-05-31,360.859985,361.839996,360.230011,361.230011,361.230011,165690000 +1990-06-01,361.260010,363.519989,361.209991,363.160004,363.160004,187860000 +1990-06-04,363.160004,367.850006,362.429993,367.399994,367.399994,175520000 +1990-06-05,367.399994,368.779999,365.489990,366.640015,366.640015,199720000 +1990-06-06,366.640015,366.640015,364.420013,364.959991,364.959991,164030000 +1990-06-07,365.920013,365.920013,361.600006,363.149994,363.149994,160360000 +1990-06-08,363.149994,363.489990,357.679993,358.709991,358.709991,142600000 +1990-06-11,358.709991,361.630005,357.700012,361.630005,361.630005,119550000 +1990-06-12,361.630005,367.269989,361.149994,366.250000,366.250000,157100000 +1990-06-13,366.250000,367.089996,364.510010,364.899994,364.899994,158910000 +1990-06-14,364.899994,364.899994,361.640015,362.899994,362.899994,135770000 +1990-06-15,362.890015,363.140015,360.709991,362.910004,362.910004,205130000 +1990-06-18,362.910004,362.910004,356.880005,356.880005,356.880005,133470000 +1990-06-19,356.880005,358.899994,356.179993,358.470001,358.470001,134930000 +1990-06-20,358.470001,359.910004,357.000000,359.100006,359.100006,137420000 +1990-06-21,359.100006,360.880005,357.630005,360.470001,360.470001,138570000 +1990-06-22,360.519989,363.200012,355.309998,355.429993,355.429993,172570000 +1990-06-25,355.420013,356.410004,351.910004,352.309998,352.309998,133100000 +1990-06-26,352.320007,356.089996,351.850006,352.059998,352.059998,141420000 +1990-06-27,352.059998,355.890015,351.230011,355.140015,355.140015,146620000 +1990-06-28,355.160004,357.630005,355.160004,357.630005,357.630005,136120000 +1990-06-29,357.640015,359.089996,357.299988,358.019989,358.019989,145510000 +1990-07-02,358.019989,359.579987,357.540009,359.540009,359.540009,130200000 +1990-07-03,359.540009,360.730011,359.440002,360.160004,360.160004,130050000 +1990-07-05,360.160004,360.160004,354.859985,355.679993,355.679993,128320000 +1990-07-06,355.690002,359.019989,354.640015,358.420013,358.420013,111730000 +1990-07-09,358.420013,360.049988,358.109985,359.519989,359.519989,119390000 +1990-07-10,359.519989,359.739990,356.410004,356.489990,356.489990,147630000 +1990-07-11,356.489990,361.230011,356.489990,361.230011,361.230011,162220000 +1990-07-12,361.230011,365.459991,360.570007,365.440002,365.440002,213180000 +1990-07-13,365.450012,369.679993,365.450012,367.309998,367.309998,215600000 +1990-07-16,367.309998,369.779999,367.309998,368.950012,368.950012,149430000 +1990-07-17,368.950012,369.399994,364.989990,367.519989,367.519989,176790000 +1990-07-18,367.519989,367.519989,362.950012,364.220001,364.220001,168760000 +1990-07-19,364.220001,365.320007,361.290009,365.320007,365.320007,161990000 +1990-07-20,365.320007,366.640015,361.579987,361.609985,361.609985,177810000 +1990-07-23,361.609985,361.609985,350.089996,355.309998,355.309998,209030000 +1990-07-24,355.309998,356.089996,351.459991,355.790009,355.790009,181920000 +1990-07-25,355.790009,357.519989,354.799988,357.089996,357.089996,163530000 +1990-07-26,357.089996,357.470001,353.950012,355.910004,355.910004,155040000 +1990-07-27,355.899994,355.940002,352.140015,353.440002,353.440002,149070000 +1990-07-30,353.440002,355.549988,351.149994,355.549988,355.549988,146470000 +1990-07-31,355.549988,357.540009,353.910004,356.149994,356.149994,175380000 +1990-08-01,356.149994,357.350006,353.820007,355.519989,355.519989,178260000 +1990-08-02,355.519989,355.519989,349.730011,351.480011,351.480011,253090000 +1990-08-03,351.480011,351.480011,338.200012,344.859985,344.859985,295880000 +1990-08-06,344.859985,344.859985,333.269989,334.429993,334.429993,240400000 +1990-08-07,334.429993,338.630005,332.220001,334.829987,334.829987,231580000 +1990-08-08,334.829987,339.209991,334.829987,338.350006,338.350006,190400000 +1990-08-09,338.350006,340.559998,337.559998,339.940002,339.940002,155810000 +1990-08-10,339.899994,339.899994,334.220001,335.519989,335.519989,145340000 +1990-08-13,335.390015,338.880005,332.019989,338.839996,338.839996,122820000 +1990-08-14,338.839996,340.959991,337.190002,339.390015,339.390015,130320000 +1990-08-15,339.390015,341.920013,339.380005,340.059998,340.059998,136710000 +1990-08-16,340.059998,340.059998,332.390015,332.390015,332.390015,138850000 +1990-08-17,332.359985,332.359985,324.630005,327.829987,327.829987,212560000 +1990-08-20,327.829987,329.899994,327.070007,328.510010,328.510010,129630000 +1990-08-21,328.510010,328.510010,318.779999,321.859985,321.859985,194630000 +1990-08-22,321.859985,324.149994,316.549988,316.549988,316.549988,175550000 +1990-08-23,316.549988,316.549988,306.559998,307.059998,307.059998,250440000 +1990-08-24,307.059998,311.649994,306.179993,311.510010,311.510010,199040000 +1990-08-27,311.549988,323.109985,311.549988,321.440002,321.440002,160150000 +1990-08-28,321.440002,322.200012,320.250000,321.339996,321.339996,127660000 +1990-08-29,321.339996,325.829987,320.869995,324.190002,324.190002,134240000 +1990-08-30,324.190002,324.570007,317.820007,318.709991,318.709991,120890000 +1990-08-31,318.709991,322.570007,316.589996,322.559998,322.559998,96480000 +1990-09-04,322.559998,323.089996,319.109985,323.089996,323.089996,92940000 +1990-09-05,323.089996,324.519989,320.989990,324.390015,324.390015,120610000 +1990-09-06,324.390015,324.390015,319.369995,320.459991,320.459991,125620000 +1990-09-07,320.459991,324.179993,319.709991,323.399994,323.399994,123800000 +1990-09-10,323.420013,326.529999,320.309998,321.630005,321.630005,119730000 +1990-09-11,321.630005,322.179993,319.600006,321.040009,321.040009,113220000 +1990-09-12,321.040009,322.549988,319.600006,322.540009,322.540009,129890000 +1990-09-13,322.510010,322.510010,318.019989,318.649994,318.649994,123390000 +1990-09-14,318.649994,318.649994,314.760010,316.829987,316.829987,133390000 +1990-09-17,316.829987,318.049988,315.209991,317.769989,317.769989,110600000 +1990-09-18,317.769989,318.850006,314.269989,318.600006,318.600006,141130000 +1990-09-19,318.600006,319.350006,316.250000,316.600006,316.600006,147530000 +1990-09-20,316.600006,316.600006,310.549988,311.480011,311.480011,145100000 +1990-09-21,311.529999,312.170013,307.980011,311.320007,311.320007,201050000 +1990-09-24,311.299988,311.299988,303.579987,304.589996,304.589996,164070000 +1990-09-25,305.459991,308.269989,304.230011,308.260010,308.260010,155940000 +1990-09-26,308.260010,308.279999,303.049988,305.059998,305.059998,155570000 +1990-09-27,305.059998,307.470001,299.100006,300.970001,300.970001,182690000 +1990-09-28,300.970001,306.049988,295.980011,306.049988,306.049988,201010000 +1990-10-01,306.100006,314.940002,306.100006,314.940002,314.940002,202210000 +1990-10-02,314.940002,319.690002,314.940002,315.209991,315.209991,188360000 +1990-10-03,315.209991,316.260010,310.700012,311.399994,311.399994,135490000 +1990-10-04,311.399994,313.399994,308.589996,312.690002,312.690002,145410000 +1990-10-05,312.690002,314.790009,305.760010,311.500000,311.500000,153380000 +1990-10-08,311.500000,315.029999,311.500000,313.480011,313.480011,99470000 +1990-10-09,313.459991,313.459991,305.089996,305.100006,305.100006,145610000 +1990-10-10,305.089996,306.429993,299.209991,300.390015,300.390015,169190000 +1990-10-11,300.390015,301.450012,294.510010,295.459991,295.459991,180060000 +1990-10-12,295.450012,301.679993,295.220001,300.029999,300.029999,187940000 +1990-10-15,300.029999,304.790009,296.410004,303.230011,303.230011,164980000 +1990-10-16,303.230011,304.339996,298.119995,298.920013,298.920013,149570000 +1990-10-17,298.920013,301.500000,297.790009,298.760010,298.760010,161260000 +1990-10-18,298.750000,305.739990,298.750000,305.739990,305.739990,204110000 +1990-10-19,305.739990,312.480011,305.739990,312.480011,312.480011,221480000 +1990-10-22,312.480011,315.829987,310.470001,314.760010,314.760010,152650000 +1990-10-23,314.760010,315.059998,312.059998,312.359985,312.359985,146300000 +1990-10-24,312.359985,313.510010,310.739990,312.600006,312.600006,149290000 +1990-10-25,312.600006,313.709991,309.700012,310.170013,310.170013,141460000 +1990-10-26,310.170013,310.170013,304.709991,304.709991,304.709991,130190000 +1990-10-29,304.739990,307.410004,300.690002,301.880005,301.880005,133980000 +1990-10-30,301.880005,304.359985,299.440002,304.059998,304.059998,153450000 +1990-10-31,304.059998,305.700012,302.329987,304.000000,304.000000,156060000 +1990-11-01,303.989990,307.269989,301.609985,307.019989,307.019989,159270000 +1990-11-02,307.019989,311.940002,306.880005,311.850006,311.850006,168700000 +1990-11-05,311.850006,314.609985,311.410004,314.589996,314.589996,147510000 +1990-11-06,314.589996,314.760010,311.429993,311.619995,311.619995,142660000 +1990-11-07,311.619995,311.619995,305.790009,306.010010,306.010010,149130000 +1990-11-08,306.010010,309.769989,305.029999,307.609985,307.609985,155570000 +1990-11-09,307.609985,313.779999,307.609985,313.739990,313.739990,145160000 +1990-11-12,313.739990,319.769989,313.730011,319.480011,319.480011,161390000 +1990-11-13,319.480011,319.480011,317.260010,317.670013,317.670013,160240000 +1990-11-14,317.660004,321.700012,317.230011,320.399994,320.399994,179310000 +1990-11-15,320.399994,320.399994,316.130005,317.019989,317.019989,151370000 +1990-11-16,317.019989,318.799988,314.989990,317.119995,317.119995,165440000 +1990-11-19,317.149994,319.390015,317.149994,319.339996,319.339996,140950000 +1990-11-20,319.339996,319.339996,315.309998,315.309998,315.309998,161170000 +1990-11-21,315.309998,316.149994,312.420013,316.029999,316.029999,140660000 +1990-11-23,316.029999,317.299988,315.059998,315.100006,315.100006,63350000 +1990-11-26,315.079987,316.510010,311.480011,316.510010,316.510010,131540000 +1990-11-27,316.510010,318.690002,315.799988,318.100006,318.100006,147590000 +1990-11-28,318.109985,319.959991,317.619995,317.950012,317.950012,145490000 +1990-11-29,317.950012,317.950012,315.029999,316.420013,316.420013,140920000 +1990-11-30,316.420013,323.019989,315.420013,322.220001,322.220001,192350000 +1990-12-03,322.230011,324.899994,322.230011,324.100006,324.100006,177000000 +1990-12-04,324.109985,326.769989,321.970001,326.350006,326.350006,185820000 +1990-12-05,326.359985,329.920013,325.660004,329.920013,329.920013,205820000 +1990-12-06,329.940002,333.980011,328.369995,329.070007,329.070007,256380000 +1990-12-07,329.089996,329.390015,326.390015,327.750000,327.750000,164950000 +1990-12-10,327.750000,328.970001,326.149994,328.890015,328.890015,138650000 +1990-12-11,328.880005,328.880005,325.649994,326.440002,326.440002,145330000 +1990-12-12,326.440002,330.359985,326.440002,330.190002,330.190002,182270000 +1990-12-13,330.140015,330.579987,328.769989,329.339996,329.339996,162110000 +1990-12-14,329.339996,329.339996,325.160004,326.820007,326.820007,151010000 +1990-12-17,326.820007,326.820007,324.459991,326.019989,326.019989,118560000 +1990-12-18,326.019989,330.429993,325.750000,330.049988,330.049988,176460000 +1990-12-19,330.040009,330.799988,329.390015,330.200012,330.200012,180380000 +1990-12-20,330.200012,330.739990,326.940002,330.119995,330.119995,174700000 +1990-12-21,330.119995,332.470001,330.119995,331.750000,331.750000,233400000 +1990-12-24,331.739990,331.739990,329.160004,329.899994,329.899994,57200000 +1990-12-26,329.890015,331.690002,329.890015,330.850006,330.850006,78730000 +1990-12-27,330.850006,331.040009,328.230011,328.290009,328.290009,102900000 +1990-12-28,328.290009,328.720001,327.239990,328.720001,328.720001,111030000 +1990-12-31,328.709991,330.230011,327.500000,330.220001,330.220001,114130000 +1991-01-02,330.200012,330.750000,326.450012,326.450012,326.450012,126280000 +1991-01-03,326.459991,326.529999,321.899994,321.910004,321.910004,141450000 +1991-01-04,321.910004,322.350006,318.869995,321.000000,321.000000,140820000 +1991-01-07,320.970001,320.970001,315.440002,315.440002,315.440002,130610000 +1991-01-08,315.440002,316.970001,313.790009,314.899994,314.899994,143390000 +1991-01-09,314.899994,320.730011,310.929993,311.489990,311.489990,191100000 +1991-01-10,311.510010,314.769989,311.510010,314.529999,314.529999,124510000 +1991-01-11,314.529999,315.239990,313.589996,315.230011,315.230011,123050000 +1991-01-14,315.230011,315.230011,309.350006,312.489990,312.489990,120830000 +1991-01-15,312.489990,313.730011,311.839996,313.730011,313.730011,110000000 +1991-01-16,313.730011,316.940002,312.940002,316.170013,316.170013,134560000 +1991-01-17,316.250000,327.970001,316.250000,327.970001,327.970001,319080000 +1991-01-18,327.929993,332.230011,327.079987,332.230011,332.230011,226770000 +1991-01-21,332.230011,332.230011,328.869995,331.059998,331.059998,136290000 +1991-01-22,331.059998,331.260010,327.829987,328.309998,328.309998,177060000 +1991-01-23,328.299988,331.040009,327.929993,330.209991,330.209991,168620000 +1991-01-24,330.209991,335.829987,330.190002,334.779999,334.779999,223150000 +1991-01-25,334.779999,336.920013,334.200012,336.070007,336.070007,194350000 +1991-01-28,336.059998,337.410004,335.809998,336.029999,336.029999,141270000 +1991-01-29,336.029999,336.029999,334.260010,335.839996,335.839996,155740000 +1991-01-30,335.799988,340.910004,335.709991,340.910004,340.910004,226790000 +1991-01-31,340.920013,343.929993,340.470001,343.929993,343.929993,204520000 +1991-02-01,343.910004,344.899994,340.369995,343.049988,343.049988,246670000 +1991-02-04,343.049988,348.709991,342.959991,348.339996,348.339996,250750000 +1991-02-05,348.339996,351.839996,347.209991,351.260010,351.260010,290570000 +1991-02-06,351.260010,358.070007,349.579987,358.070007,358.070007,276940000 +1991-02-07,358.070007,363.429993,355.529999,356.519989,356.519989,292190000 +1991-02-08,356.519989,359.350006,356.019989,359.350006,359.350006,187830000 +1991-02-11,359.359985,368.579987,359.320007,368.579987,368.579987,265350000 +1991-02-12,368.579987,370.540009,365.500000,365.500000,365.500000,256160000 +1991-02-13,365.500000,369.489990,364.640015,369.019989,369.019989,209960000 +1991-02-14,369.019989,370.260010,362.769989,364.220001,364.220001,230750000 +1991-02-15,364.230011,369.489990,364.230011,369.059998,369.059998,228480000 +1991-02-19,369.059998,370.109985,367.049988,369.390015,369.390015,189900000 +1991-02-20,369.369995,369.369995,364.380005,365.140015,365.140015,185680000 +1991-02-21,365.140015,366.790009,364.500000,364.970001,364.970001,180770000 +1991-02-22,364.970001,370.959991,364.230011,365.649994,365.649994,218760000 +1991-02-25,365.649994,370.190002,365.160004,367.260010,367.260010,193820000 +1991-02-26,367.260010,367.260010,362.190002,362.809998,362.809998,164170000 +1991-02-27,362.809998,368.380005,362.809998,367.739990,367.739990,211410000 +1991-02-28,367.730011,369.910004,365.950012,367.070007,367.070007,223010000 +1991-03-01,367.070007,370.470001,363.730011,370.470001,370.470001,221510000 +1991-03-04,370.470001,371.989990,369.070007,369.329987,369.329987,199830000 +1991-03-05,369.329987,377.890015,369.329987,376.720001,376.720001,253700000 +1991-03-06,376.720001,379.660004,375.019989,376.170013,376.170013,262290000 +1991-03-07,376.160004,377.489990,375.579987,375.910004,375.910004,197060000 +1991-03-08,375.910004,378.690002,374.429993,374.950012,374.950012,206850000 +1991-03-11,374.940002,375.100006,372.519989,372.959991,372.959991,161600000 +1991-03-12,372.959991,374.350006,369.549988,370.029999,370.029999,176440000 +1991-03-13,370.029999,374.649994,370.029999,374.570007,374.570007,176000000 +1991-03-14,374.589996,378.279999,371.760010,373.500000,373.500000,232070000 +1991-03-15,373.500000,374.579987,370.209991,373.589996,373.589996,237650000 +1991-03-18,373.589996,374.089996,369.459991,372.109985,372.109985,163100000 +1991-03-19,372.109985,372.109985,366.540009,366.589996,366.589996,177070000 +1991-03-20,366.589996,368.850006,365.799988,367.920013,367.920013,196810000 +1991-03-21,367.940002,371.010010,366.510010,366.579987,366.579987,199830000 +1991-03-22,366.579987,368.220001,365.579987,367.480011,367.480011,160890000 +1991-03-25,367.480011,371.309998,367.459991,369.829987,369.829987,153920000 +1991-03-26,369.829987,376.299988,369.369995,376.299988,376.299988,198720000 +1991-03-27,376.279999,378.480011,374.730011,375.350006,375.350006,201830000 +1991-03-28,375.350006,376.600006,374.399994,375.220001,375.220001,150750000 +1991-04-01,375.220001,375.220001,370.269989,371.299988,371.299988,144010000 +1991-04-02,371.299988,379.500000,371.299988,379.500000,379.500000,189530000 +1991-04-03,379.500000,381.559998,378.489990,378.940002,378.940002,213720000 +1991-04-04,378.940002,381.880005,377.049988,379.769989,379.769989,198120000 +1991-04-05,379.779999,381.119995,374.149994,375.359985,375.359985,187410000 +1991-04-08,375.350006,378.760010,374.690002,378.660004,378.660004,138580000 +1991-04-09,378.649994,379.019989,373.109985,373.559998,373.559998,169940000 +1991-04-10,373.570007,374.829987,371.209991,373.149994,373.149994,167940000 +1991-04-11,373.149994,379.529999,373.149994,377.630005,377.630005,196570000 +1991-04-12,377.649994,381.070007,376.890015,380.399994,380.399994,198610000 +1991-04-15,380.399994,382.320007,378.779999,381.190002,381.190002,161800000 +1991-04-16,381.190002,387.619995,379.640015,387.619995,387.619995,214480000 +1991-04-17,387.619995,391.260010,387.299988,390.450012,390.450012,246930000 +1991-04-18,390.450012,390.970001,388.130005,388.459991,388.459991,217410000 +1991-04-19,388.459991,388.459991,383.899994,384.200012,384.200012,195520000 +1991-04-22,384.190002,384.190002,380.160004,380.950012,380.950012,164410000 +1991-04-23,380.950012,383.549988,379.670013,381.760010,381.760010,167840000 +1991-04-24,381.760010,383.019989,379.989990,382.760010,382.760010,166800000 +1991-04-25,382.890015,382.890015,378.429993,379.250000,379.250000,166940000 +1991-04-26,379.250000,380.109985,376.769989,379.019989,379.019989,154550000 +1991-04-29,379.010010,380.959991,373.660004,373.660004,373.660004,149860000 +1991-04-30,373.660004,377.859985,373.010010,375.339996,375.339996,206230000 +1991-05-01,375.350006,380.459991,375.269989,380.290009,380.290009,181900000 +1991-05-02,380.290009,382.140015,379.820007,380.519989,380.519989,187090000 +1991-05-03,380.519989,381.000000,378.820007,380.799988,380.799988,158150000 +1991-05-06,380.779999,380.779999,377.859985,380.079987,380.079987,129110000 +1991-05-07,380.079987,380.910004,377.309998,377.320007,377.320007,153290000 +1991-05-08,377.329987,379.260010,376.209991,378.510010,378.510010,157240000 +1991-05-09,378.510010,383.559998,378.510010,383.250000,383.250000,180460000 +1991-05-10,383.260010,383.910004,375.609985,375.739990,375.739990,172730000 +1991-05-13,375.739990,377.019989,374.619995,376.760010,376.760010,129620000 +1991-05-14,375.510010,375.529999,370.820007,371.619995,371.619995,207890000 +1991-05-15,371.549988,372.470001,365.829987,368.570007,368.570007,193110000 +1991-05-16,368.570007,372.510010,368.570007,372.190002,372.190002,154460000 +1991-05-17,372.190002,373.010010,369.440002,372.390015,372.390015,174210000 +1991-05-20,372.390015,373.649994,371.260010,372.279999,372.279999,109510000 +1991-05-21,372.279999,376.660004,372.279999,375.350006,375.350006,176620000 +1991-05-22,375.350006,376.500000,374.399994,376.190002,376.190002,159310000 +1991-05-23,376.190002,378.070007,373.549988,374.959991,374.959991,173080000 +1991-05-24,374.970001,378.079987,374.970001,377.489990,377.489990,124640000 +1991-05-28,377.489990,382.100006,377.119995,381.940002,381.940002,162350000 +1991-05-29,381.940002,383.660004,381.369995,382.790009,382.790009,188450000 +1991-05-30,382.790009,388.170013,382.500000,386.959991,386.959991,234440000 +1991-05-31,386.959991,389.850006,385.010010,389.829987,389.829987,232040000 +1991-06-03,389.809998,389.809998,386.970001,388.059998,388.059998,173990000 +1991-06-04,388.059998,388.059998,385.140015,387.739990,387.739990,180450000 +1991-06-05,387.739990,388.230011,384.450012,385.089996,385.089996,186560000 +1991-06-06,385.100006,385.850006,383.130005,383.630005,383.630005,168260000 +1991-06-07,383.630005,383.630005,378.760010,379.429993,379.429993,169570000 +1991-06-10,379.429993,379.750000,377.950012,378.570007,378.570007,127720000 +1991-06-11,378.570007,381.630005,378.570007,381.049988,381.049988,161610000 +1991-06-12,381.049988,381.049988,374.459991,376.649994,376.649994,166140000 +1991-06-13,376.649994,377.899994,376.079987,377.630005,377.630005,145650000 +1991-06-14,377.630005,382.299988,377.630005,382.290009,382.290009,167950000 +1991-06-17,382.299988,382.309998,380.130005,380.130005,380.130005,134230000 +1991-06-18,380.130005,381.829987,377.989990,378.589996,378.589996,155200000 +1991-06-19,378.570007,378.570007,374.359985,375.089996,375.089996,156440000 +1991-06-20,375.089996,376.290009,373.869995,375.420013,375.420013,163980000 +1991-06-21,375.420013,377.750000,375.329987,377.750000,377.750000,193310000 +1991-06-24,377.739990,377.739990,370.730011,370.940002,370.940002,137940000 +1991-06-25,370.940002,372.619995,369.559998,370.649994,370.649994,155710000 +1991-06-26,370.649994,372.730011,368.339996,371.589996,371.589996,187170000 +1991-06-27,371.589996,374.399994,371.589996,374.399994,374.399994,163080000 +1991-06-28,374.399994,374.399994,367.980011,371.160004,371.160004,163770000 +1991-07-01,371.179993,377.920013,371.179993,377.920013,377.920013,167480000 +1991-07-02,377.920013,377.929993,376.619995,377.470001,377.470001,157290000 +1991-07-03,377.470001,377.470001,372.079987,373.329987,373.329987,140580000 +1991-07-05,373.339996,375.510010,372.170013,374.079987,374.079987,69910000 +1991-07-08,374.089996,377.940002,370.920013,377.940002,377.940002,138330000 +1991-07-09,377.940002,378.579987,375.369995,376.109985,376.109985,151820000 +1991-07-10,376.109985,380.350006,375.200012,375.739990,375.739990,178290000 +1991-07-11,375.730011,377.679993,375.510010,376.970001,376.970001,157930000 +1991-07-12,376.970001,381.410004,375.790009,380.250000,380.250000,174770000 +1991-07-15,380.279999,383.000000,380.239990,382.390015,382.390015,161750000 +1991-07-16,382.390015,382.940002,380.799988,381.540009,381.540009,182990000 +1991-07-17,381.500000,382.859985,381.130005,381.179993,381.179993,195460000 +1991-07-18,381.179993,385.369995,381.179993,385.369995,385.369995,200930000 +1991-07-19,385.380005,385.829987,383.649994,384.220001,384.220001,190700000 +1991-07-22,384.209991,384.549988,381.839996,382.880005,382.880005,149050000 +1991-07-23,382.880005,384.859985,379.390015,379.420013,379.420013,160190000 +1991-07-24,379.420013,380.459991,378.290009,378.640015,378.640015,158700000 +1991-07-25,378.640015,381.130005,378.149994,380.959991,380.959991,145800000 +1991-07-26,380.959991,381.760010,379.809998,380.929993,380.929993,127760000 +1991-07-29,380.929993,383.149994,380.450012,383.149994,383.149994,136000000 +1991-07-30,383.149994,386.920013,383.149994,386.690002,386.690002,169010000 +1991-07-31,386.690002,387.809998,386.190002,387.809998,387.809998,166830000 +1991-08-01,387.809998,387.950012,386.480011,387.119995,387.119995,170610000 +1991-08-02,387.119995,389.559998,386.049988,387.179993,387.179993,162270000 +1991-08-05,387.170013,387.170013,384.480011,385.059998,385.059998,128050000 +1991-08-06,385.059998,390.799988,384.290009,390.619995,390.619995,174460000 +1991-08-07,390.619995,391.589996,389.859985,390.559998,390.559998,172220000 +1991-08-08,390.559998,391.799988,388.149994,389.320007,389.320007,163890000 +1991-08-09,389.320007,389.890015,387.040009,387.119995,387.119995,143740000 +1991-08-12,387.109985,388.170013,385.899994,388.019989,388.019989,145440000 +1991-08-13,388.019989,392.119995,388.019989,389.619995,389.619995,212760000 +1991-08-14,389.619995,391.850006,389.130005,389.899994,389.899994,124230000 +1991-08-15,389.910004,391.920013,389.290009,389.329987,389.329987,174690000 +1991-08-16,389.329987,390.410004,383.160004,385.579987,385.579987,189480000 +1991-08-19,385.579987,385.579987,374.089996,376.470001,376.470001,230350000 +1991-08-20,376.470001,380.350006,376.470001,379.429993,379.429993,184260000 +1991-08-21,379.549988,390.589996,379.549988,390.589996,390.589996,232690000 +1991-08-22,390.589996,391.980011,390.209991,391.329987,391.329987,173090000 +1991-08-23,391.329987,395.339996,390.690002,394.170013,394.170013,188870000 +1991-08-26,394.170013,394.390015,392.750000,393.850006,393.850006,130570000 +1991-08-27,393.850006,393.869995,391.769989,393.059998,393.059998,144670000 +1991-08-28,393.059998,396.640015,393.049988,396.640015,396.640015,169890000 +1991-08-29,396.649994,396.820007,395.140015,396.470001,396.470001,154150000 +1991-08-30,396.470001,396.470001,393.600006,395.429993,395.429993,143440000 +1991-09-03,395.429993,397.619995,392.100006,392.149994,392.149994,153600000 +1991-09-04,392.149994,392.619995,388.679993,389.970001,389.970001,157520000 +1991-09-05,389.970001,390.970001,388.489990,389.140015,389.140015,162380000 +1991-09-06,389.140015,390.709991,387.359985,389.100006,389.100006,166560000 +1991-09-09,389.109985,389.339996,387.880005,388.570007,388.570007,115100000 +1991-09-10,388.570007,388.630005,383.779999,384.559998,384.559998,143390000 +1991-09-11,384.559998,385.600006,383.589996,385.089996,385.089996,148000000 +1991-09-12,385.089996,387.339996,385.089996,387.339996,387.339996,160420000 +1991-09-13,387.160004,387.950012,382.850006,383.589996,383.589996,169630000 +1991-09-16,383.589996,385.790009,382.769989,385.779999,385.779999,172560000 +1991-09-17,385.779999,387.130005,384.970001,385.500000,385.500000,168340000 +1991-09-18,385.489990,386.940002,384.279999,386.940002,386.940002,141340000 +1991-09-19,386.940002,389.420013,386.269989,387.559998,387.559998,211010000 +1991-09-20,387.559998,388.820007,386.489990,387.920013,387.920013,254520000 +1991-09-23,387.899994,388.549988,385.760010,385.920013,385.920013,145940000 +1991-09-24,385.920013,388.130005,384.459991,387.709991,387.709991,170350000 +1991-09-25,387.720001,388.250000,385.989990,386.880005,386.880005,153910000 +1991-09-26,386.869995,388.390015,385.299988,386.489990,386.489990,158980000 +1991-09-27,386.489990,389.089996,384.869995,385.899994,385.899994,160660000 +1991-09-30,385.910004,388.290009,384.320007,387.859985,387.859985,146780000 +1991-10-01,387.859985,389.559998,387.859985,389.200012,389.200012,163570000 +1991-10-02,389.200012,390.029999,387.619995,388.260010,388.260010,166380000 +1991-10-03,388.230011,388.230011,384.470001,384.470001,384.470001,174360000 +1991-10-04,384.470001,385.190002,381.239990,381.250000,381.250000,164000000 +1991-10-07,381.220001,381.269989,379.070007,379.500000,379.500000,148430000 +1991-10-08,379.500000,381.230011,379.179993,380.670013,380.670013,177120000 +1991-10-09,380.570007,380.570007,376.350006,376.799988,376.799988,186710000 +1991-10-10,376.799988,380.549988,376.109985,380.549988,380.549988,164240000 +1991-10-11,380.549988,381.459991,379.899994,381.450012,381.450012,148850000 +1991-10-14,381.450012,386.470001,381.450012,386.470001,386.470001,130120000 +1991-10-15,386.470001,391.500000,385.950012,391.010010,391.010010,213540000 +1991-10-16,391.010010,393.290009,390.140015,392.799988,392.799988,225380000 +1991-10-17,392.790009,393.809998,390.320007,391.920013,391.920013,206030000 +1991-10-18,391.920013,392.799988,391.769989,392.500000,392.500000,204090000 +1991-10-21,392.489990,392.489990,388.959991,390.019989,390.019989,154140000 +1991-10-22,390.019989,391.200012,387.399994,387.829987,387.829987,194160000 +1991-10-23,387.829987,389.079987,386.519989,387.940002,387.940002,185390000 +1991-10-24,387.940002,388.320007,383.450012,385.070007,385.070007,179040000 +1991-10-25,385.070007,386.130005,382.970001,384.200012,384.200012,167310000 +1991-10-28,384.200012,389.519989,384.200012,389.519989,389.519989,161630000 +1991-10-29,389.519989,391.700012,386.880005,391.480011,391.480011,192810000 +1991-10-30,391.480011,393.109985,390.779999,392.959991,392.959991,195400000 +1991-10-31,392.959991,392.959991,391.579987,392.450012,392.450012,179680000 +1991-11-01,392.459991,395.100006,389.670013,391.320007,391.320007,205780000 +1991-11-04,391.290009,391.290009,388.089996,390.279999,390.279999,155660000 +1991-11-05,390.279999,392.170013,388.190002,388.709991,388.709991,172090000 +1991-11-06,388.709991,389.970001,387.579987,389.970001,389.970001,167440000 +1991-11-07,389.970001,393.720001,389.970001,393.720001,393.720001,205480000 +1991-11-08,393.720001,396.429993,392.420013,392.890015,392.890015,183260000 +1991-11-11,392.899994,393.570007,392.320007,393.119995,393.119995,128920000 +1991-11-12,393.119995,397.130005,393.119995,396.739990,396.739990,198610000 +1991-11-13,396.739990,397.420013,394.010010,397.410004,397.410004,184480000 +1991-11-14,397.410004,398.220001,395.850006,397.149994,397.149994,200030000 +1991-11-15,397.149994,397.160004,382.619995,382.619995,382.619995,239690000 +1991-11-18,382.619995,385.399994,379.700012,385.239990,385.239990,241940000 +1991-11-19,385.239990,385.239990,374.899994,379.420013,379.420013,243880000 +1991-11-20,379.420013,381.510010,377.839996,378.529999,378.529999,192760000 +1991-11-21,378.529999,381.119995,377.410004,380.059998,380.059998,195130000 +1991-11-22,380.049988,380.049988,374.519989,376.140015,376.140015,188240000 +1991-11-25,376.140015,377.070007,374.000000,375.339996,375.339996,175870000 +1991-11-26,375.339996,378.290009,371.630005,377.959991,377.959991,213810000 +1991-11-27,377.959991,378.109985,375.980011,376.549988,376.549988,167720000 +1991-11-29,376.549988,376.549988,374.649994,375.220001,375.220001,76830000 +1991-12-02,375.109985,381.399994,371.359985,381.399994,381.399994,188410000 +1991-12-03,381.399994,381.480011,379.920013,380.959991,380.959991,187230000 +1991-12-04,380.959991,381.510010,378.070007,380.070007,380.070007,187960000 +1991-12-05,380.070007,380.070007,376.579987,377.390015,377.390015,166350000 +1991-12-06,377.390015,382.390015,375.410004,379.100006,379.100006,199160000 +1991-12-09,379.089996,381.420013,377.670013,378.260010,378.260010,174760000 +1991-12-10,378.260010,379.570007,376.640015,377.899994,377.899994,192920000 +1991-12-11,377.899994,379.420013,374.779999,377.700012,377.700012,207430000 +1991-12-12,377.700012,381.619995,377.700012,381.549988,381.549988,192950000 +1991-12-13,381.549988,385.040009,381.549988,384.470001,384.470001,194470000 +1991-12-16,384.480011,385.839996,384.369995,384.459991,384.459991,173080000 +1991-12-17,384.459991,385.049988,382.600006,382.739990,382.739990,191310000 +1991-12-18,382.739990,383.510010,380.880005,383.480011,383.480011,192410000 +1991-12-19,383.459991,383.459991,380.640015,382.519989,382.519989,199330000 +1991-12-20,382.519989,388.239990,382.519989,387.040009,387.040009,316140000 +1991-12-23,387.049988,397.440002,386.959991,396.820007,396.820007,228900000 +1991-12-24,396.820007,401.790009,396.820007,399.329987,399.329987,162640000 +1991-12-26,399.329987,404.920013,399.309998,404.839996,404.839996,149230000 +1991-12-27,404.839996,406.579987,404.589996,406.459991,406.459991,157950000 +1991-12-30,406.489990,415.140015,406.489990,415.140015,415.140015,245600000 +1991-12-31,415.140015,418.320007,412.730011,417.089996,417.089996,247080000 +1992-01-02,417.029999,417.269989,411.040009,417.260010,417.260010,207570000 +1992-01-03,417.269989,419.790009,416.160004,419.339996,419.339996,224270000 +1992-01-06,419.309998,419.440002,416.920013,417.959991,417.959991,251210000 +1992-01-07,417.959991,417.959991,415.200012,417.399994,417.399994,252780000 +1992-01-08,417.359985,420.230011,415.019989,418.100006,418.100006,290750000 +1992-01-09,418.089996,420.500000,415.850006,417.609985,417.609985,292350000 +1992-01-10,417.619995,417.619995,413.309998,415.100006,415.100006,236130000 +1992-01-13,415.049988,415.359985,413.540009,414.339996,414.339996,200270000 +1992-01-14,414.339996,420.440002,414.320007,420.440002,420.440002,265900000 +1992-01-15,420.450012,421.179993,418.790009,420.769989,420.769989,314830000 +1992-01-16,420.769989,420.850006,415.369995,418.209991,418.209991,336240000 +1992-01-17,418.200012,419.450012,416.000000,418.859985,418.859985,287370000 +1992-01-20,418.859985,418.859985,415.799988,416.359985,416.359985,180900000 +1992-01-21,416.359985,416.390015,411.320007,412.640015,412.640015,218750000 +1992-01-22,412.649994,418.130005,412.489990,418.130005,418.130005,228140000 +1992-01-23,418.130005,419.779999,414.359985,414.959991,414.959991,234580000 +1992-01-24,414.959991,417.269989,414.290009,415.480011,415.480011,213630000 +1992-01-27,415.440002,416.839996,414.480011,414.989990,414.989990,190970000 +1992-01-28,414.980011,416.410004,414.540009,414.959991,414.959991,218400000 +1992-01-29,414.959991,417.829987,409.170013,410.339996,410.339996,248940000 +1992-01-30,410.339996,412.170013,409.260010,411.619995,411.619995,194680000 +1992-01-31,411.649994,412.630005,408.640015,408.779999,408.779999,197620000 +1992-02-03,408.790009,409.950012,407.450012,409.529999,409.529999,185290000 +1992-02-04,409.600006,413.850006,409.279999,413.850006,413.850006,233680000 +1992-02-05,413.880005,416.170013,413.179993,413.839996,413.839996,262440000 +1992-02-06,413.869995,414.549988,411.929993,413.820007,413.820007,242050000 +1992-02-07,413.820007,415.290009,408.040009,411.089996,411.089996,231120000 +1992-02-10,411.070007,413.769989,411.070007,413.769989,413.769989,184410000 +1992-02-11,413.769989,414.380005,412.239990,413.760010,413.760010,200130000 +1992-02-12,413.769989,418.079987,413.359985,417.130005,417.130005,237630000 +1992-02-13,417.130005,417.769989,412.070007,413.690002,413.690002,229360000 +1992-02-14,413.690002,413.839996,411.200012,412.480011,412.480011,215110000 +1992-02-18,412.480011,413.269989,406.339996,407.380005,407.380005,234300000 +1992-02-19,407.380005,408.700012,406.540009,408.260010,408.260010,232970000 +1992-02-20,408.260010,413.899994,408.260010,413.899994,413.899994,270650000 +1992-02-21,413.899994,414.260010,409.720001,411.429993,411.429993,261650000 +1992-02-24,411.459991,412.940002,410.339996,412.269989,412.269989,177540000 +1992-02-25,412.269989,412.269989,408.019989,410.450012,410.450012,210350000 +1992-02-26,410.480011,415.350006,410.480011,415.350006,415.350006,241500000 +1992-02-27,415.350006,415.989990,413.470001,413.859985,413.859985,215110000 +1992-02-28,413.859985,416.070007,411.799988,412.700012,412.700012,202320000 +1992-03-02,412.679993,413.739990,411.519989,412.450012,412.450012,180380000 +1992-03-03,412.450012,413.779999,411.880005,412.850006,412.850006,200890000 +1992-03-04,412.859985,413.269989,409.329987,409.329987,409.329987,206860000 +1992-03-05,409.329987,409.329987,405.420013,406.510010,406.510010,205770000 +1992-03-06,406.510010,407.510010,403.649994,404.440002,404.440002,185190000 +1992-03-09,404.450012,405.640015,404.250000,405.209991,405.209991,160650000 +1992-03-10,405.209991,409.160004,405.209991,406.890015,406.890015,203000000 +1992-03-11,406.880005,407.019989,402.640015,404.029999,404.029999,186330000 +1992-03-12,404.029999,404.720001,401.940002,403.890015,403.890015,180310000 +1992-03-13,403.920013,406.690002,403.920013,405.839996,405.839996,177900000 +1992-03-16,405.850006,406.399994,403.549988,406.390015,406.390015,155950000 +1992-03-17,406.390015,409.720001,406.390015,409.579987,409.579987,187250000 +1992-03-18,409.579987,410.839996,408.230011,409.149994,409.149994,191720000 +1992-03-19,409.149994,410.570007,409.119995,409.799988,409.799988,197310000 +1992-03-20,409.799988,411.299988,408.529999,411.299988,411.299988,246210000 +1992-03-23,411.290009,411.290009,408.869995,409.910004,409.910004,157050000 +1992-03-24,409.910004,411.429993,407.989990,408.880005,408.880005,191610000 +1992-03-25,408.880005,409.869995,407.519989,407.519989,407.519989,192650000 +1992-03-26,407.519989,409.440002,406.750000,407.859985,407.859985,176720000 +1992-03-27,407.859985,407.859985,402.869995,403.500000,403.500000,166140000 +1992-03-30,403.500000,404.299988,402.970001,403.000000,403.000000,133990000 +1992-03-31,403.000000,405.209991,402.220001,403.690002,403.690002,182360000 +1992-04-01,403.670013,404.500000,400.750000,404.230011,404.230011,186530000 +1992-04-02,404.170013,404.630005,399.279999,400.500000,400.500000,185210000 +1992-04-03,400.500000,401.589996,398.209991,401.549988,401.549988,188580000 +1992-04-06,401.540009,405.929993,401.519989,405.589996,405.589996,179910000 +1992-04-07,405.589996,405.750000,397.970001,398.059998,398.059998,205210000 +1992-04-08,398.049988,398.049988,392.410004,394.500000,394.500000,249280000 +1992-04-09,394.500000,401.040009,394.500000,400.640015,400.640015,231430000 +1992-04-10,400.589996,405.119995,400.589996,404.290009,404.290009,199530000 +1992-04-13,404.279999,406.079987,403.899994,406.079987,406.079987,143140000 +1992-04-14,406.079987,413.859985,406.079987,412.390015,412.390015,231130000 +1992-04-15,412.390015,416.279999,412.390015,416.279999,416.279999,229710000 +1992-04-16,416.279999,416.279999,413.399994,416.040009,416.040009,233230000 +1992-04-20,416.049988,416.049988,407.929993,410.179993,410.179993,191980000 +1992-04-21,410.160004,411.089996,408.200012,410.260010,410.260010,214460000 +1992-04-22,410.260010,411.299988,409.230011,409.809998,409.809998,218850000 +1992-04-23,409.809998,411.600006,406.859985,411.600006,411.600006,235860000 +1992-04-24,411.600006,412.480011,408.739990,409.019989,409.019989,199310000 +1992-04-27,409.029999,409.600006,407.640015,408.450012,408.450012,172900000 +1992-04-28,408.450012,409.690002,406.329987,409.109985,409.109985,189220000 +1992-04-29,409.109985,412.309998,409.109985,412.019989,412.019989,206780000 +1992-04-30,412.019989,414.950012,412.019989,414.950012,414.950012,223590000 +1992-05-01,414.950012,415.209991,409.869995,412.529999,412.529999,177390000 +1992-05-04,412.540009,417.839996,412.540009,416.910004,416.910004,174540000 +1992-05-05,416.910004,418.529999,415.769989,416.839996,416.839996,200550000 +1992-05-06,416.839996,418.480011,416.399994,416.790009,416.790009,199950000 +1992-05-07,416.790009,416.839996,415.380005,415.850006,415.850006,168980000 +1992-05-08,415.869995,416.850006,414.410004,416.049988,416.049988,168720000 +1992-05-11,416.049988,418.750000,416.049988,418.489990,418.489990,155730000 +1992-05-12,418.489990,418.679993,414.690002,416.290009,416.290009,192870000 +1992-05-13,416.290009,417.040009,415.859985,416.450012,416.450012,175850000 +1992-05-14,416.450012,416.519989,411.820007,413.140015,413.140015,189150000 +1992-05-15,413.140015,413.140015,409.850006,410.089996,410.089996,192740000 +1992-05-18,410.130005,413.339996,410.130005,412.809998,412.809998,151380000 +1992-05-19,412.820007,416.510010,412.260010,416.369995,416.369995,187130000 +1992-05-20,416.369995,416.829987,415.369995,415.390015,415.390015,198180000 +1992-05-21,415.399994,415.410004,411.570007,412.600006,412.600006,184860000 +1992-05-22,412.609985,414.820007,412.600006,414.019989,414.019989,146710000 +1992-05-26,414.019989,414.019989,410.230011,411.410004,411.410004,197700000 +1992-05-27,411.410004,412.679993,411.059998,412.170013,412.170013,182240000 +1992-05-28,412.170013,416.769989,411.809998,416.739990,416.739990,195300000 +1992-05-29,416.739990,418.359985,415.350006,415.350006,415.350006,204010000 +1992-06-01,415.350006,417.299988,412.440002,417.299988,417.299988,180800000 +1992-06-02,417.299988,417.299988,413.500000,413.500000,413.500000,202560000 +1992-06-03,413.500000,416.540009,413.040009,414.589996,414.589996,215770000 +1992-06-04,414.600006,414.980011,412.970001,413.260010,413.260010,204450000 +1992-06-05,413.260010,413.850006,410.970001,413.480011,413.480011,199050000 +1992-06-08,413.480011,413.950012,412.029999,413.359985,413.359985,161240000 +1992-06-09,413.399994,413.559998,409.299988,410.059998,410.059998,191170000 +1992-06-10,410.059998,410.100006,406.809998,407.250000,407.250000,210750000 +1992-06-11,407.250000,409.049988,406.109985,409.049988,409.049988,204780000 +1992-06-12,409.079987,411.859985,409.079987,409.760010,409.760010,181860000 +1992-06-15,409.760010,411.679993,408.130005,410.290009,410.290009,164080000 +1992-06-16,410.290009,411.399994,408.320007,408.320007,408.320007,194400000 +1992-06-17,408.329987,408.329987,401.980011,402.260010,402.260010,227760000 +1992-06-18,402.260010,402.679993,400.510010,400.959991,400.959991,225600000 +1992-06-19,400.959991,404.230011,400.959991,403.670013,403.670013,233460000 +1992-06-22,403.640015,403.640015,399.920013,403.399994,403.399994,169370000 +1992-06-23,403.399994,405.410004,403.399994,404.040009,404.040009,189190000 +1992-06-24,404.049988,404.760010,403.260010,403.839996,403.839996,193870000 +1992-06-25,403.829987,405.529999,402.010010,403.119995,403.119995,182960000 +1992-06-26,403.119995,403.510010,401.940002,403.450012,403.450012,154430000 +1992-06-29,403.470001,408.959991,403.470001,408.940002,408.940002,176750000 +1992-06-30,408.940002,409.630005,407.850006,408.140015,408.140015,195530000 +1992-07-01,408.200012,412.880005,408.200012,412.880005,412.880005,214250000 +1992-07-02,412.880005,415.709991,410.070007,411.769989,411.769989,220200000 +1992-07-06,411.769989,413.839996,410.459991,413.839996,413.839996,186920000 +1992-07-07,413.829987,415.329987,408.579987,409.160004,409.160004,226050000 +1992-07-08,409.149994,410.279999,407.200012,410.279999,410.279999,201030000 +1992-07-09,410.279999,414.690002,410.260010,414.230011,414.230011,207980000 +1992-07-10,414.230011,415.880005,413.339996,414.619995,414.619995,164770000 +1992-07-13,414.619995,415.859985,413.929993,414.869995,414.869995,148870000 +1992-07-14,414.859985,417.690002,414.329987,417.679993,417.679993,195570000 +1992-07-15,417.679993,417.809998,416.290009,417.100006,417.100006,206560000 +1992-07-16,417.040009,417.929993,414.790009,417.540009,417.540009,206900000 +1992-07-17,417.540009,417.540009,412.959991,415.619995,415.619995,192120000 +1992-07-20,415.619995,415.619995,410.720001,413.750000,413.750000,165760000 +1992-07-21,413.750000,414.920013,413.100006,413.760010,413.760010,173760000 +1992-07-22,413.739990,413.739990,409.950012,410.929993,410.929993,190160000 +1992-07-23,410.929993,412.079987,409.809998,412.079987,412.079987,175490000 +1992-07-24,412.070007,412.070007,409.929993,411.600006,411.600006,163890000 +1992-07-27,411.600006,412.670013,411.269989,411.540009,411.540009,164700000 +1992-07-28,411.549988,417.549988,411.549988,417.519989,417.519989,218060000 +1992-07-29,417.519989,423.019989,417.519989,422.230011,422.230011,275850000 +1992-07-30,422.200012,423.940002,421.570007,423.920013,423.920013,193410000 +1992-07-31,423.920013,424.799988,422.459991,424.209991,424.209991,172920000 +1992-08-03,424.190002,425.089996,422.839996,425.089996,425.089996,164460000 +1992-08-04,425.089996,425.140015,423.100006,424.359985,424.359985,166760000 +1992-08-05,424.350006,424.350006,421.920013,422.190002,422.190002,172450000 +1992-08-06,422.190002,422.359985,420.260010,420.589996,420.589996,181440000 +1992-08-07,420.589996,423.450012,418.510010,418.880005,418.880005,190640000 +1992-08-10,418.869995,419.420013,417.040009,419.420013,419.420013,142480000 +1992-08-11,419.450012,419.720001,416.529999,418.899994,418.899994,173940000 +1992-08-12,418.890015,419.750000,416.429993,417.779999,417.779999,176560000 +1992-08-13,417.779999,419.880005,416.399994,417.730011,417.730011,185750000 +1992-08-14,417.739990,420.399994,417.739990,419.910004,419.910004,166820000 +1992-08-17,419.890015,421.890015,419.440002,420.739990,420.739990,152830000 +1992-08-18,420.739990,421.399994,419.779999,421.339996,421.339996,171750000 +1992-08-19,421.339996,421.619995,418.190002,418.190002,418.190002,187070000 +1992-08-20,418.190002,418.850006,416.929993,418.260010,418.260010,183420000 +1992-08-21,418.269989,420.350006,413.579987,414.850006,414.850006,204800000 +1992-08-24,414.799988,414.799988,410.070007,410.720001,410.720001,165690000 +1992-08-25,410.730011,411.640015,408.299988,411.609985,411.609985,202760000 +1992-08-26,411.649994,413.609985,410.529999,413.510010,413.510010,171860000 +1992-08-27,413.510010,415.829987,413.510010,413.529999,413.529999,178600000 +1992-08-28,413.540009,414.950012,413.380005,414.839996,414.839996,152260000 +1992-08-31,414.869995,415.290009,413.760010,414.029999,414.029999,161480000 +1992-09-01,414.029999,416.070007,413.350006,416.070007,416.070007,172680000 +1992-09-02,416.070007,418.279999,415.309998,417.980011,417.980011,187480000 +1992-09-03,417.980011,420.309998,417.489990,417.980011,417.980011,212500000 +1992-09-04,417.980011,418.619995,416.760010,417.079987,417.079987,124380000 +1992-09-08,417.079987,417.179993,414.299988,414.440002,414.440002,161440000 +1992-09-09,414.440002,416.440002,414.440002,416.359985,416.359985,178800000 +1992-09-10,416.339996,420.519989,416.339996,419.950012,419.950012,221990000 +1992-09-11,419.950012,420.579987,419.130005,419.579987,419.579987,180560000 +1992-09-14,419.649994,425.269989,419.649994,425.269989,425.269989,250940000 +1992-09-15,425.220001,425.220001,419.540009,419.769989,419.769989,211860000 +1992-09-16,419.709991,422.440002,417.769989,419.920013,419.920013,231450000 +1992-09-17,419.920013,421.429993,419.619995,419.929993,419.929993,188270000 +1992-09-18,419.920013,422.929993,419.920013,422.929993,422.929993,237440000 +1992-09-21,422.899994,422.899994,421.179993,422.140015,422.140015,153940000 +1992-09-22,422.140015,422.140015,417.130005,417.140015,417.140015,188810000 +1992-09-23,417.140015,417.880005,416.000000,417.440002,417.440002,205700000 +1992-09-24,417.459991,419.010010,417.459991,418.470001,418.470001,187960000 +1992-09-25,418.470001,418.630005,412.709991,414.350006,414.350006,213670000 +1992-09-28,414.350006,416.619995,413.000000,416.619995,416.619995,158760000 +1992-09-29,416.619995,417.380005,415.339996,416.799988,416.799988,170750000 +1992-09-30,416.790009,418.579987,416.670013,417.799988,417.799988,184470000 +1992-10-01,417.799988,418.670013,415.459991,416.290009,416.290009,204780000 +1992-10-02,416.290009,416.350006,410.450012,410.470001,410.470001,188030000 +1992-10-05,410.470001,410.470001,396.799988,407.570007,407.570007,286550000 +1992-10-06,407.570007,408.559998,404.839996,407.179993,407.179993,203500000 +1992-10-07,407.170013,408.600006,403.910004,404.250000,404.250000,184380000 +1992-10-08,404.290009,408.040009,404.290009,407.750000,407.750000,205000000 +1992-10-09,407.750000,407.750000,402.420013,402.660004,402.660004,178940000 +1992-10-12,402.660004,407.440002,402.660004,407.440002,407.440002,126670000 +1992-10-13,407.440002,410.640015,406.829987,409.299988,409.299988,186650000 +1992-10-14,409.299988,411.519989,407.859985,409.369995,409.369995,175900000 +1992-10-15,409.339996,411.029999,407.920013,409.600006,409.600006,213590000 +1992-10-16,409.600006,411.730011,407.429993,411.730011,411.730011,235920000 +1992-10-19,411.730011,414.980011,410.660004,414.980011,414.980011,222150000 +1992-10-20,414.980011,417.980011,414.489990,415.480011,415.480011,258210000 +1992-10-21,415.529999,416.149994,414.540009,415.670013,415.670013,219100000 +1992-10-22,415.670013,416.809998,413.100006,414.899994,414.899994,216400000 +1992-10-23,414.899994,416.230011,413.679993,414.100006,414.100006,199060000 +1992-10-26,414.089996,418.170013,413.709991,418.160004,418.160004,188060000 +1992-10-27,418.179993,419.200012,416.970001,418.489990,418.489990,201730000 +1992-10-28,418.489990,420.130005,417.559998,420.130005,420.130005,203910000 +1992-10-29,420.149994,421.160004,419.829987,420.859985,420.859985,206550000 +1992-10-30,420.859985,421.130005,418.540009,418.679993,418.679993,201930000 +1992-11-02,418.660004,422.750000,418.119995,422.750000,422.750000,203280000 +1992-11-03,422.750000,422.809998,418.589996,419.920013,419.920013,208140000 +1992-11-04,419.910004,421.070007,416.609985,417.109985,417.109985,194400000 +1992-11-05,417.079987,418.399994,415.579987,418.339996,418.339996,219730000 +1992-11-06,418.350006,418.350006,417.010010,417.579987,417.579987,205310000 +1992-11-09,417.579987,420.130005,416.790009,418.589996,418.589996,197560000 +1992-11-10,418.589996,419.709991,417.980011,418.619995,418.619995,223180000 +1992-11-11,418.619995,422.329987,418.399994,422.200012,422.200012,243750000 +1992-11-12,422.200012,423.100006,421.700012,422.869995,422.869995,226010000 +1992-11-13,422.890015,422.910004,421.040009,422.429993,422.429993,192950000 +1992-11-16,422.440002,422.440002,420.350006,420.679993,420.679993,173600000 +1992-11-17,420.630005,420.970001,418.309998,419.269989,419.269989,187660000 +1992-11-18,419.269989,423.489990,419.239990,422.850006,422.850006,219080000 +1992-11-19,422.859985,423.609985,422.500000,423.609985,423.609985,218720000 +1992-11-20,423.609985,426.980011,423.609985,426.649994,426.649994,257460000 +1992-11-23,426.649994,426.649994,424.950012,425.119995,425.119995,192530000 +1992-11-24,425.140015,429.309998,424.829987,427.589996,427.589996,241540000 +1992-11-25,427.589996,429.410004,427.579987,429.190002,429.190002,207700000 +1992-11-27,429.190002,431.929993,429.170013,430.160004,430.160004,106020000 +1992-11-30,430.190002,431.529999,429.359985,431.350006,431.350006,230150000 +1992-12-01,431.350006,431.470001,429.200012,430.779999,430.779999,259050000 +1992-12-02,430.779999,430.869995,428.609985,429.890015,429.890015,247010000 +1992-12-03,429.980011,430.989990,428.799988,429.910004,429.910004,238050000 +1992-12-04,429.929993,432.890015,429.739990,432.059998,432.059998,234960000 +1992-12-07,432.059998,435.309998,432.059998,435.309998,435.309998,217700000 +1992-12-08,435.309998,436.989990,434.679993,436.989990,436.989990,234330000 +1992-12-09,436.989990,436.989990,433.980011,435.649994,435.649994,230060000 +1992-12-10,435.660004,435.660004,432.649994,434.640015,434.640015,240640000 +1992-12-11,434.640015,434.640015,433.339996,433.730011,433.730011,164510000 +1992-12-14,433.730011,435.260010,432.829987,432.839996,432.839996,187040000 +1992-12-15,432.820007,433.660004,431.920013,432.570007,432.570007,227770000 +1992-12-16,432.579987,434.220001,430.880005,431.519989,431.519989,242130000 +1992-12-17,431.519989,435.440002,431.459991,435.429993,435.429993,251640000 +1992-12-18,435.459991,441.290009,435.459991,441.279999,441.279999,389300000 +1992-12-21,441.260010,441.260010,439.649994,440.700012,440.700012,224680000 +1992-12-22,440.700012,441.640015,438.250000,440.309998,440.309998,250430000 +1992-12-23,440.290009,441.109985,439.029999,439.029999,439.029999,234140000 +1992-12-24,439.029999,439.809998,439.029999,439.769989,439.769989,95240000 +1992-12-28,439.769989,439.769989,437.260010,439.149994,439.149994,143970000 +1992-12-29,439.149994,442.649994,437.600006,437.980011,437.980011,213660000 +1992-12-30,437.980011,439.369995,437.119995,438.820007,438.820007,183930000 +1992-12-31,438.820007,439.589996,435.709991,435.709991,435.709991,165910000 +1993-01-04,435.700012,437.320007,434.480011,435.380005,435.380005,201210000 +1993-01-05,435.380005,435.399994,433.549988,434.339996,434.339996,240350000 +1993-01-06,434.339996,435.170013,432.519989,434.519989,434.519989,295240000 +1993-01-07,434.519989,435.459991,429.760010,430.730011,430.730011,304850000 +1993-01-08,430.730011,430.730011,426.880005,429.049988,429.049988,263470000 +1993-01-11,429.040009,431.040009,429.010010,430.950012,430.950012,217150000 +1993-01-12,430.950012,431.390015,428.190002,431.040009,431.040009,239410000 +1993-01-13,431.029999,433.440002,429.989990,433.029999,433.029999,245360000 +1993-01-14,433.079987,435.959991,433.079987,435.940002,435.940002,281040000 +1993-01-15,435.869995,439.489990,435.839996,437.149994,437.149994,309720000 +1993-01-18,437.130005,437.130005,435.920013,436.839996,436.839996,196030000 +1993-01-19,436.839996,437.700012,434.589996,435.130005,435.130005,283240000 +1993-01-20,435.140015,436.230011,433.369995,433.369995,433.369995,268790000 +1993-01-21,433.369995,435.750000,432.480011,435.489990,435.489990,257620000 +1993-01-22,435.489990,437.809998,435.489990,436.109985,436.109985,293320000 +1993-01-25,436.109985,440.529999,436.109985,440.010010,440.010010,288740000 +1993-01-26,440.049988,442.660004,439.540009,439.950012,439.950012,314110000 +1993-01-27,439.950012,440.040009,436.820007,438.109985,438.109985,277020000 +1993-01-28,438.130005,439.140015,437.299988,438.660004,438.660004,256980000 +1993-01-29,438.670013,438.929993,436.910004,438.779999,438.779999,247200000 +1993-02-01,438.779999,442.519989,438.779999,442.519989,442.519989,238570000 +1993-02-02,442.519989,442.869995,440.760010,442.549988,442.549988,271560000 +1993-02-03,442.559998,447.350006,442.559998,447.200012,447.200012,345410000 +1993-02-04,447.200012,449.859985,447.200012,449.559998,449.559998,351140000 +1993-02-05,449.559998,449.559998,446.950012,448.929993,448.929993,324710000 +1993-02-08,448.940002,450.040009,447.700012,447.850006,447.850006,243400000 +1993-02-09,448.040009,448.040009,444.519989,445.329987,445.329987,240410000 +1993-02-10,445.329987,446.369995,444.239990,446.230011,446.230011,251910000 +1993-02-11,446.209991,449.359985,446.209991,447.660004,447.660004,257190000 +1993-02-12,447.660004,447.700012,444.579987,444.579987,444.579987,216810000 +1993-02-16,444.529999,444.529999,433.470001,433.910004,433.910004,332850000 +1993-02-17,433.929993,433.970001,430.920013,433.299988,433.299988,302210000 +1993-02-18,433.299988,437.790009,428.250000,431.899994,431.899994,311180000 +1993-02-19,431.929993,434.260010,431.679993,434.220001,434.220001,310700000 +1993-02-22,434.209991,436.489990,433.529999,435.239990,435.239990,311570000 +1993-02-23,435.339996,436.839996,432.410004,434.799988,434.799988,329060000 +1993-02-24,434.760010,440.869995,434.679993,440.869995,440.869995,316750000 +1993-02-25,440.700012,442.339996,439.670013,442.339996,442.339996,252860000 +1993-02-26,442.339996,443.769989,440.980011,443.380005,443.380005,234160000 +1993-03-01,443.380005,444.179993,441.339996,442.010010,442.010010,232460000 +1993-03-02,442.000000,447.910004,441.070007,447.899994,447.899994,269750000 +1993-03-03,447.899994,450.000000,447.730011,449.260010,449.260010,277380000 +1993-03-04,449.260010,449.519989,446.720001,447.339996,447.339996,234220000 +1993-03-05,447.339996,449.589996,445.559998,446.109985,446.109985,253480000 +1993-03-08,446.119995,454.709991,446.119995,454.709991,454.709991,275290000 +1993-03-09,454.670013,455.519989,453.679993,454.399994,454.399994,290670000 +1993-03-10,454.399994,456.339996,452.700012,456.329987,456.329987,255610000 +1993-03-11,456.350006,456.760010,453.480011,453.720001,453.720001,257060000 +1993-03-12,453.700012,453.700012,447.040009,449.829987,449.829987,255420000 +1993-03-15,449.829987,451.429993,449.399994,451.429993,451.429993,195930000 +1993-03-16,451.429993,452.359985,451.010010,451.369995,451.369995,218820000 +1993-03-17,451.359985,451.359985,447.989990,448.309998,448.309998,241270000 +1993-03-18,448.359985,452.390015,448.359985,451.890015,451.890015,241180000 +1993-03-19,451.899994,453.320007,449.910004,450.179993,450.179993,339660000 +1993-03-22,450.170013,450.170013,446.079987,448.880005,448.880005,233190000 +1993-03-23,448.880005,449.799988,448.299988,448.760010,448.760010,232730000 +1993-03-24,448.709991,450.899994,446.100006,448.070007,448.070007,274300000 +1993-03-25,448.089996,451.750000,447.929993,450.880005,450.880005,251530000 +1993-03-26,450.910004,452.089996,447.690002,447.779999,447.779999,226650000 +1993-03-29,447.760010,452.809998,447.750000,450.769989,450.769989,199970000 +1993-03-30,450.790009,452.059998,449.630005,451.970001,451.970001,231190000 +1993-03-31,451.970001,454.880005,451.670013,451.670013,451.670013,279190000 +1993-04-01,451.670013,452.630005,449.600006,450.299988,450.299988,234530000 +1993-04-02,450.279999,450.279999,440.709991,441.390015,441.390015,323330000 +1993-04-05,441.420013,442.429993,440.529999,442.290009,442.290009,296080000 +1993-04-06,442.290009,443.380005,439.480011,441.160004,441.160004,293680000 +1993-04-07,441.160004,442.730011,440.500000,442.730011,442.730011,300000000 +1993-04-08,442.709991,443.769989,440.019989,441.839996,441.839996,284370000 +1993-04-12,441.839996,448.369995,441.839996,448.369995,448.369995,259690000 +1993-04-13,448.410004,450.399994,447.660004,449.220001,449.220001,286690000 +1993-04-14,449.220001,450.000000,448.019989,448.660004,448.660004,257340000 +1993-04-15,448.600006,449.109985,446.390015,448.399994,448.399994,259500000 +1993-04-16,448.410004,449.390015,447.670013,448.940002,448.940002,305160000 +1993-04-19,448.940002,449.140015,445.850006,447.459991,447.459991,244710000 +1993-04-20,447.459991,447.459991,441.809998,445.100006,445.100006,317990000 +1993-04-21,445.089996,445.769989,443.079987,443.630005,443.630005,287300000 +1993-04-22,443.549988,445.730011,439.459991,439.459991,439.459991,310390000 +1993-04-23,439.489990,439.489990,436.820007,437.029999,437.029999,259810000 +1993-04-26,437.029999,438.350006,432.299988,433.540009,433.540009,283260000 +1993-04-27,433.519989,438.019989,433.140015,438.010010,438.010010,284140000 +1993-04-28,438.010010,438.799988,436.679993,438.019989,438.019989,267980000 +1993-04-29,438.019989,438.959991,435.589996,438.890015,438.890015,249760000 +1993-04-30,438.890015,442.290009,438.890015,440.190002,440.190002,247460000 +1993-05-03,440.190002,442.589996,438.250000,442.459991,442.459991,224970000 +1993-05-04,442.579987,445.190002,442.450012,444.049988,444.049988,268310000 +1993-05-05,443.980011,446.089996,443.760010,444.519989,444.519989,274240000 +1993-05-06,444.600006,444.809998,442.899994,443.260010,443.260010,255460000 +1993-05-07,443.279999,443.700012,441.690002,442.309998,442.309998,223570000 +1993-05-10,442.339996,445.420013,442.049988,442.799988,442.799988,235580000 +1993-05-11,442.799988,444.570007,441.519989,444.359985,444.359985,218480000 +1993-05-12,444.320007,445.160004,442.869995,444.799988,444.799988,255680000 +1993-05-13,444.750000,444.750000,439.230011,439.230011,439.230011,293920000 +1993-05-14,439.220001,439.820007,438.100006,439.559998,439.559998,252910000 +1993-05-17,439.559998,440.380005,437.829987,440.369995,440.369995,227580000 +1993-05-18,440.390015,441.260010,437.950012,440.320007,440.320007,264300000 +1993-05-19,440.320007,447.859985,436.859985,447.570007,447.570007,342420000 +1993-05-20,447.570007,450.589996,447.359985,450.589996,450.589996,289160000 +1993-05-21,450.589996,450.589996,444.890015,445.839996,445.839996,279120000 +1993-05-24,445.839996,448.440002,445.260010,448.000000,448.000000,197990000 +1993-05-25,448.000000,449.040009,447.700012,448.850006,448.850006,222090000 +1993-05-26,448.850006,453.510010,448.820007,453.440002,453.440002,274230000 +1993-05-27,453.440002,454.549988,451.140015,452.410004,452.410004,300810000 +1993-05-28,452.410004,452.410004,447.670013,450.190002,450.190002,207820000 +1993-06-01,450.230011,455.630005,450.230011,453.829987,453.829987,229690000 +1993-06-02,453.829987,454.529999,452.679993,453.850006,453.850006,295560000 +1993-06-03,453.839996,453.850006,451.119995,452.489990,452.489990,285570000 +1993-06-04,452.429993,452.429993,448.920013,450.059998,450.059998,226440000 +1993-06-07,450.070007,450.750000,447.320007,447.690002,447.690002,236920000 +1993-06-08,447.649994,447.649994,444.309998,444.709991,444.709991,240640000 +1993-06-09,444.709991,447.390015,444.660004,445.779999,445.779999,249030000 +1993-06-10,445.779999,446.220001,444.089996,445.380005,445.380005,232600000 +1993-06-11,445.380005,448.190002,445.380005,447.260010,447.260010,256750000 +1993-06-14,447.260010,448.640015,447.230011,447.709991,447.709991,210440000 +1993-06-15,447.730011,448.279999,446.179993,446.269989,446.269989,234110000 +1993-06-16,446.269989,447.429993,443.609985,447.429993,447.429993,267500000 +1993-06-17,447.429993,448.980011,446.910004,448.540009,448.540009,239810000 +1993-06-18,448.540009,448.589996,443.679993,443.679993,443.679993,300500000 +1993-06-21,443.679993,446.220001,443.679993,446.220001,446.220001,223650000 +1993-06-22,446.250000,446.290009,444.940002,445.929993,445.929993,259530000 +1993-06-23,445.959991,445.959991,443.190002,443.190002,443.190002,278260000 +1993-06-24,443.040009,447.209991,442.500000,446.619995,446.619995,267450000 +1993-06-25,446.619995,448.640015,446.619995,447.600006,447.600006,210430000 +1993-06-28,447.600006,451.899994,447.600006,451.850006,451.850006,242090000 +1993-06-29,451.890015,451.899994,449.670013,450.690002,450.690002,276310000 +1993-06-30,450.690002,451.470001,450.149994,450.529999,450.529999,281120000 +1993-07-01,450.540009,451.149994,448.709991,449.019989,449.019989,292040000 +1993-07-02,449.019989,449.019989,445.200012,445.839996,445.839996,220750000 +1993-07-06,445.859985,446.869995,441.420013,441.429993,441.429993,234810000 +1993-07-07,441.399994,443.630005,441.399994,442.829987,442.829987,253170000 +1993-07-08,442.839996,448.640015,442.839996,448.640015,448.640015,282910000 +1993-07-09,448.640015,448.940002,446.739990,448.109985,448.109985,235210000 +1993-07-12,448.130005,449.109985,447.709991,448.980011,448.980011,202310000 +1993-07-13,449.000000,450.700012,448.070007,448.089996,448.089996,236720000 +1993-07-14,448.079987,451.119995,448.079987,450.079987,450.079987,297430000 +1993-07-15,450.089996,450.119995,447.260010,449.220001,449.220001,277810000 +1993-07-16,449.070007,449.079987,445.660004,445.750000,445.750000,263100000 +1993-07-19,445.750000,446.779999,444.829987,446.029999,446.029999,216370000 +1993-07-20,446.029999,447.630005,443.709991,447.309998,447.309998,277420000 +1993-07-21,447.279999,447.500000,445.839996,447.179993,447.179993,278590000 +1993-07-22,447.179993,447.230011,443.720001,444.510010,444.510010,249630000 +1993-07-23,444.540009,447.100006,444.540009,447.100006,447.100006,222170000 +1993-07-26,447.059998,449.500000,447.040009,449.089996,449.089996,222580000 +1993-07-27,449.000000,449.440002,446.760010,448.239990,448.239990,256750000 +1993-07-28,448.250000,448.609985,446.589996,447.190002,447.190002,273100000 +1993-07-29,447.190002,450.769989,447.190002,450.239990,450.239990,261240000 +1993-07-30,450.190002,450.220001,446.980011,448.130005,448.130005,254420000 +1993-08-02,448.130005,450.149994,448.029999,450.149994,450.149994,230380000 +1993-08-03,450.149994,450.429993,447.589996,449.269989,449.269989,253110000 +1993-08-04,449.269989,449.720001,447.929993,448.540009,448.540009,230040000 +1993-08-05,448.549988,449.609985,446.940002,448.130005,448.130005,261900000 +1993-08-06,448.130005,449.260010,447.869995,448.679993,448.679993,221170000 +1993-08-09,448.679993,451.510010,448.309998,450.720001,450.720001,232750000 +1993-08-10,450.709991,450.709991,449.100006,449.450012,449.450012,255520000 +1993-08-11,449.600006,451.000000,449.600006,450.459991,450.459991,268330000 +1993-08-12,450.470001,451.630005,447.529999,448.959991,448.959991,278530000 +1993-08-13,448.970001,450.250000,448.970001,450.140015,450.140015,214370000 +1993-08-16,450.250000,453.410004,450.250000,452.380005,452.380005,233640000 +1993-08-17,452.380005,453.700012,451.959991,453.130005,453.130005,261320000 +1993-08-18,453.209991,456.989990,453.209991,456.040009,456.040009,312940000 +1993-08-19,456.010010,456.760010,455.200012,456.429993,456.429993,293330000 +1993-08-20,456.510010,456.679993,454.600006,456.160004,456.160004,276800000 +1993-08-23,456.119995,456.119995,454.290009,455.230011,455.230011,212500000 +1993-08-24,455.230011,459.769989,455.040009,459.769989,459.769989,270700000 +1993-08-25,459.750000,462.040009,459.299988,460.130005,460.130005,301650000 +1993-08-26,460.040009,462.869995,458.820007,461.040009,461.040009,254070000 +1993-08-27,461.049988,461.049988,459.190002,460.540009,460.540009,196140000 +1993-08-30,460.540009,462.579987,460.279999,461.899994,461.899994,194180000 +1993-08-31,461.899994,463.559998,461.290009,463.559998,463.559998,252830000 +1993-09-01,463.549988,463.799988,461.769989,463.149994,463.149994,245040000 +1993-09-02,463.130005,463.540009,461.070007,461.299988,461.299988,259870000 +1993-09-03,461.299988,462.049988,459.910004,461.339996,461.339996,197160000 +1993-09-07,461.339996,462.070007,457.950012,458.519989,458.519989,229500000 +1993-09-08,458.519989,458.529999,453.750000,456.649994,456.649994,283100000 +1993-09-09,456.649994,458.109985,455.170013,457.500000,457.500000,258070000 +1993-09-10,457.489990,461.859985,457.489990,461.720001,461.720001,269950000 +1993-09-13,461.700012,463.380005,461.410004,462.059998,462.059998,244970000 +1993-09-14,461.929993,461.929993,458.149994,459.899994,459.899994,258650000 +1993-09-15,459.899994,461.959991,456.309998,461.600006,461.600006,294410000 +1993-09-16,461.540009,461.540009,459.000000,459.429993,459.429993,229700000 +1993-09-17,459.429993,459.429993,457.089996,458.829987,458.829987,381370000 +1993-09-20,458.839996,459.910004,455.000000,455.049988,455.049988,231130000 +1993-09-21,455.049988,455.799988,449.640015,452.950012,452.950012,300310000 +1993-09-22,452.940002,456.920013,452.940002,456.200012,456.200012,298960000 +1993-09-23,456.250000,458.690002,456.250000,457.739990,457.739990,275350000 +1993-09-24,457.739990,458.559998,456.920013,457.630005,457.630005,248270000 +1993-09-27,457.630005,461.809998,457.630005,461.799988,461.799988,244920000 +1993-09-28,461.839996,462.079987,460.910004,461.529999,461.529999,243320000 +1993-09-29,461.600006,462.170013,459.510010,460.109985,460.109985,277690000 +1993-09-30,460.109985,460.559998,458.279999,458.929993,458.929993,280980000 +1993-10-01,458.929993,461.480011,458.350006,461.279999,461.279999,256880000 +1993-10-04,461.279999,461.799988,460.019989,461.339996,461.339996,229380000 +1993-10-05,461.339996,463.149994,459.450012,461.200012,461.200012,294570000 +1993-10-06,461.239990,462.600006,460.260010,460.739990,460.739990,277070000 +1993-10-07,460.709991,461.130005,459.079987,459.179993,459.179993,255210000 +1993-10-08,459.179993,460.989990,456.399994,460.309998,460.309998,243600000 +1993-10-11,460.309998,461.869995,460.309998,460.880005,460.880005,183060000 +1993-10-12,461.040009,462.470001,460.730011,461.119995,461.119995,263970000 +1993-10-13,461.119995,461.980011,460.760010,461.489990,461.489990,290930000 +1993-10-14,461.549988,466.829987,461.549988,466.829987,466.829987,352530000 +1993-10-15,466.829987,471.100006,466.829987,469.500000,469.500000,366110000 +1993-10-18,469.500000,470.040009,468.019989,468.450012,468.450012,329580000 +1993-10-19,468.410004,468.640015,464.799988,466.209991,466.209991,304400000 +1993-10-20,466.209991,466.869995,464.540009,466.070007,466.070007,305670000 +1993-10-21,466.059998,466.640015,464.380005,465.359985,465.359985,289600000 +1993-10-22,465.359985,467.820007,463.269989,463.269989,463.269989,301440000 +1993-10-25,463.269989,464.489990,462.049988,464.200012,464.200012,260310000 +1993-10-26,464.200012,464.320007,462.649994,464.299988,464.299988,284530000 +1993-10-27,464.299988,464.609985,463.359985,464.609985,464.609985,279830000 +1993-10-28,464.519989,468.760010,464.519989,467.730011,467.730011,301220000 +1993-10-29,467.720001,468.200012,467.369995,467.829987,467.829987,270570000 +1993-11-01,467.829987,469.109985,467.329987,469.100006,469.100006,256030000 +1993-11-02,469.100006,469.100006,466.200012,468.440002,468.440002,304780000 +1993-11-03,468.440002,468.609985,460.950012,463.019989,463.019989,342110000 +1993-11-04,463.019989,463.160004,457.260010,457.489990,457.489990,323430000 +1993-11-05,457.489990,459.630005,454.359985,459.570007,459.570007,336890000 +1993-11-08,459.570007,461.540009,458.779999,460.209991,460.209991,234340000 +1993-11-09,460.209991,463.420013,460.209991,460.329987,460.329987,276360000 +1993-11-10,460.399994,463.720001,459.570007,463.720001,463.720001,283450000 +1993-11-11,463.720001,464.959991,462.489990,462.640015,462.640015,283820000 +1993-11-12,462.640015,465.839996,462.640015,465.390015,465.390015,326240000 +1993-11-15,465.390015,466.130005,463.010010,463.750000,463.750000,251030000 +1993-11-16,463.750000,466.739990,462.970001,466.739990,466.739990,303980000 +1993-11-17,466.739990,467.239990,462.730011,464.809998,464.809998,316940000 +1993-11-18,464.829987,464.880005,461.730011,463.619995,463.619995,313490000 +1993-11-19,463.589996,463.600006,460.029999,462.600006,462.600006,302970000 +1993-11-22,462.600006,462.600006,457.079987,459.130005,459.130005,280130000 +1993-11-23,459.130005,461.769989,458.470001,461.029999,461.029999,260400000 +1993-11-24,461.029999,462.899994,461.029999,462.359985,462.359985,230630000 +1993-11-26,462.359985,463.630005,462.359985,463.059998,463.059998,90220000 +1993-11-29,463.059998,464.829987,461.829987,461.899994,461.899994,272710000 +1993-11-30,461.899994,463.619995,460.450012,461.790009,461.790009,286660000 +1993-12-01,461.929993,464.470001,461.630005,461.890015,461.890015,293870000 +1993-12-02,461.890015,463.220001,461.450012,463.109985,463.109985,256370000 +1993-12-03,463.130005,464.890015,462.670013,464.890015,464.890015,268360000 +1993-12-06,464.890015,466.890015,464.399994,466.429993,466.429993,292370000 +1993-12-07,466.429993,466.769989,465.440002,466.760010,466.760010,285690000 +1993-12-08,465.880005,466.730011,465.420013,466.290009,466.290009,314460000 +1993-12-09,466.290009,466.540009,463.869995,464.179993,464.179993,287570000 +1993-12-10,464.179993,464.869995,462.660004,463.929993,463.929993,245620000 +1993-12-13,463.929993,465.709991,462.709991,465.700012,465.700012,256580000 +1993-12-14,465.730011,466.119995,462.459991,463.059998,463.059998,275050000 +1993-12-15,463.059998,463.690002,461.839996,461.839996,461.839996,331770000 +1993-12-16,461.859985,463.980011,461.859985,463.339996,463.339996,284620000 +1993-12-17,463.339996,466.380005,463.339996,466.380005,466.380005,363750000 +1993-12-20,466.380005,466.899994,465.529999,465.850006,465.850006,255900000 +1993-12-21,465.839996,465.920013,464.029999,465.299988,465.299988,273370000 +1993-12-22,465.079987,467.380005,465.079987,467.320007,467.320007,272440000 +1993-12-23,467.299988,468.970001,467.299988,467.380005,467.380005,227240000 +1993-12-27,467.399994,470.549988,467.350006,470.540009,470.540009,171200000 +1993-12-28,470.609985,471.049988,469.429993,470.940002,470.940002,200960000 +1993-12-29,470.880005,471.290009,469.869995,470.579987,470.579987,269570000 +1993-12-30,470.579987,470.579987,468.089996,468.640015,468.640015,195860000 +1993-12-31,468.660004,470.750000,466.450012,466.450012,466.450012,168590000 +1994-01-03,466.510010,466.940002,464.359985,465.440002,465.440002,270140000 +1994-01-04,465.440002,466.890015,464.440002,466.890015,466.890015,326600000 +1994-01-05,466.890015,467.820007,465.920013,467.549988,467.549988,400030000 +1994-01-06,467.549988,469.000000,467.019989,467.119995,467.119995,365960000 +1994-01-07,467.089996,470.260010,467.029999,469.899994,469.899994,324920000 +1994-01-10,469.899994,475.269989,469.549988,475.269989,475.269989,319490000 +1994-01-11,475.269989,475.279999,473.269989,474.130005,474.130005,305490000 +1994-01-12,474.130005,475.059998,472.140015,474.170013,474.170013,310690000 +1994-01-13,474.170013,474.170013,471.799988,472.470001,472.470001,277970000 +1994-01-14,472.500000,475.320007,472.500000,474.910004,474.910004,304920000 +1994-01-17,474.910004,474.910004,472.839996,473.299988,473.299988,233980000 +1994-01-18,473.299988,475.190002,473.290009,474.250000,474.250000,308840000 +1994-01-19,474.250000,474.700012,472.209991,474.299988,474.299988,311370000 +1994-01-20,474.299988,475.000000,473.420013,474.980011,474.980011,310450000 +1994-01-21,474.980011,475.559998,473.720001,474.720001,474.720001,346350000 +1994-01-24,474.720001,475.200012,471.489990,471.970001,471.970001,296900000 +1994-01-25,471.970001,472.559998,470.269989,470.920013,470.920013,326120000 +1994-01-26,470.920013,473.440002,470.720001,473.200012,473.200012,304660000 +1994-01-27,473.200012,477.519989,473.200012,477.049988,477.049988,346500000 +1994-01-28,477.049988,479.750000,477.049988,478.700012,478.700012,313140000 +1994-01-31,478.700012,482.850006,478.700012,481.609985,481.609985,322870000 +1994-02-01,481.600006,481.640015,479.179993,479.619995,479.619995,322510000 +1994-02-02,479.619995,482.230011,479.570007,482.000000,482.000000,328960000 +1994-02-03,481.959991,481.959991,478.709991,480.709991,480.709991,318350000 +1994-02-04,480.679993,481.019989,469.279999,469.809998,469.809998,378380000 +1994-02-07,469.809998,472.089996,467.570007,471.760010,471.760010,348270000 +1994-02-08,471.760010,472.329987,469.500000,471.049988,471.049988,318180000 +1994-02-09,471.049988,473.410004,471.049988,472.769989,472.769989,332670000 +1994-02-10,472.809998,473.130005,468.910004,468.929993,468.929993,327250000 +1994-02-11,468.929993,471.130005,466.890015,470.179993,470.179993,213740000 +1994-02-14,470.179993,471.989990,469.049988,470.230011,470.230011,263190000 +1994-02-15,470.230011,473.410004,470.230011,472.519989,472.519989,306790000 +1994-02-16,472.529999,474.160004,471.940002,472.790009,472.790009,295450000 +1994-02-17,472.790009,475.119995,468.440002,470.339996,470.339996,340030000 +1994-02-18,470.290009,471.089996,466.070007,467.690002,467.690002,293210000 +1994-02-22,467.690002,471.649994,467.579987,471.459991,471.459991,270900000 +1994-02-23,471.480011,472.410004,469.470001,470.690002,470.690002,309910000 +1994-02-24,470.649994,470.649994,464.260010,464.260010,464.260010,342940000 +1994-02-25,464.329987,466.480011,464.329987,466.070007,466.070007,273680000 +1994-02-28,466.070007,469.160004,466.070007,467.140015,467.140015,268690000 +1994-03-01,467.190002,467.429993,462.019989,464.440002,464.440002,304450000 +1994-03-02,464.399994,464.869995,457.489990,464.809998,464.809998,361130000 +1994-03-03,464.809998,464.829987,462.500000,463.010010,463.010010,291790000 +1994-03-04,463.029999,466.160004,462.410004,464.739990,464.739990,311850000 +1994-03-07,464.739990,468.070007,464.739990,466.910004,466.910004,285590000 +1994-03-08,466.920013,467.790009,465.019989,465.880005,465.880005,298110000 +1994-03-09,465.940002,467.420013,463.399994,467.059998,467.059998,309810000 +1994-03-10,467.079987,467.290009,462.459991,463.899994,463.899994,369370000 +1994-03-11,463.859985,466.609985,462.540009,466.440002,466.440002,303890000 +1994-03-14,466.440002,467.600006,466.079987,467.390015,467.390015,260150000 +1994-03-15,467.390015,468.989990,466.040009,467.010010,467.010010,303750000 +1994-03-16,467.040009,469.850006,465.480011,469.420013,469.420013,307640000 +1994-03-17,469.420013,471.049988,468.619995,470.899994,470.899994,303930000 +1994-03-18,470.890015,471.089996,467.829987,471.059998,471.059998,462240000 +1994-03-21,471.059998,471.059998,467.230011,468.540009,468.540009,247380000 +1994-03-22,468.399994,470.470001,467.880005,468.799988,468.799988,282240000 +1994-03-23,468.890015,470.380005,468.519989,468.540009,468.540009,281500000 +1994-03-24,468.570007,468.570007,462.410004,464.350006,464.350006,303740000 +1994-03-25,464.350006,465.290009,460.579987,460.579987,460.579987,249640000 +1994-03-28,460.579987,461.119995,456.100006,460.000000,460.000000,287350000 +1994-03-29,460.000000,460.320007,452.429993,452.480011,452.480011,305360000 +1994-03-30,452.480011,452.489990,445.549988,445.549988,445.549988,390520000 +1994-03-31,445.549988,447.160004,436.160004,445.769989,445.769989,403580000 +1994-04-04,445.660004,445.660004,435.859985,438.920013,438.920013,344390000 +1994-04-05,439.140015,448.290009,439.140015,448.290009,448.290009,365990000 +1994-04-06,448.290009,449.630005,444.980011,448.049988,448.049988,302000000 +1994-04-07,448.109985,451.100006,446.380005,450.880005,450.880005,289280000 +1994-04-08,450.890015,450.890015,445.510010,447.100006,447.100006,264090000 +1994-04-11,447.119995,450.339996,447.100006,449.869995,449.869995,243180000 +1994-04-12,449.829987,450.799988,447.329987,447.570007,447.570007,257990000 +1994-04-13,447.630005,448.570007,442.619995,446.260010,446.260010,278030000 +1994-04-14,446.260010,447.549988,443.570007,446.380005,446.380005,275130000 +1994-04-15,446.380005,447.850006,445.809998,446.179993,446.179993,309550000 +1994-04-18,446.269989,447.869995,441.480011,442.459991,442.459991,271470000 +1994-04-19,442.540009,444.820007,438.829987,442.540009,442.540009,323280000 +1994-04-20,442.540009,445.010010,439.399994,441.959991,441.959991,366540000 +1994-04-21,441.959991,449.140015,441.959991,448.730011,448.730011,378770000 +1994-04-22,448.730011,449.959991,447.160004,447.630005,447.630005,295710000 +1994-04-25,447.640015,452.709991,447.579987,452.709991,452.709991,262320000 +1994-04-26,452.709991,452.790009,450.660004,451.869995,451.869995,288120000 +1994-04-28,451.839996,452.230011,447.970001,449.100006,449.100006,325200000 +1994-04-29,449.070007,451.350006,447.910004,450.910004,450.910004,293970000 +1994-05-02,450.910004,453.570007,449.049988,453.019989,453.019989,296130000 +1994-05-03,453.059998,453.980011,450.510010,453.029999,453.029999,288270000 +1994-05-04,453.040009,453.109985,449.869995,451.720001,451.720001,267940000 +1994-05-05,451.720001,452.820007,450.720001,451.380005,451.380005,255690000 +1994-05-06,451.369995,451.369995,445.640015,447.820007,447.820007,291910000 +1994-05-09,447.820007,447.820007,441.839996,442.320007,442.320007,250870000 +1994-05-10,442.369995,446.839996,442.369995,446.010010,446.010010,297660000 +1994-05-11,446.029999,446.029999,440.779999,441.489990,441.489990,277400000 +1994-05-12,441.500000,444.799988,441.500000,443.750000,443.750000,272770000 +1994-05-13,443.619995,444.720001,441.209991,444.140015,444.140015,252070000 +1994-05-16,444.149994,445.820007,443.619995,444.489990,444.489990,234700000 +1994-05-17,444.489990,449.369995,443.700012,449.369995,449.369995,311280000 +1994-05-18,449.390015,454.450012,448.869995,453.690002,453.690002,337670000 +1994-05-19,453.690002,456.880005,453.000000,456.480011,456.480011,303680000 +1994-05-20,456.480011,456.480011,454.220001,454.920013,454.920013,295180000 +1994-05-23,454.920013,454.920013,451.790009,453.200012,453.200012,249420000 +1994-05-24,453.209991,456.769989,453.209991,454.809998,454.809998,280040000 +1994-05-25,454.839996,456.339996,452.200012,456.339996,456.339996,254420000 +1994-05-26,456.329987,457.769989,455.790009,457.059998,457.059998,255740000 +1994-05-27,457.029999,457.329987,454.670013,457.329987,457.329987,186430000 +1994-05-31,457.320007,457.609985,455.160004,456.500000,456.500000,216700000 +1994-06-01,456.500000,458.290009,453.989990,457.630005,457.630005,279910000 +1994-06-02,457.619995,458.500000,457.260010,457.649994,457.649994,271630000 +1994-06-03,457.649994,460.859985,456.269989,460.130005,460.130005,271490000 +1994-06-06,460.130005,461.869995,458.850006,458.880005,458.880005,259080000 +1994-06-07,458.880005,459.459991,457.649994,458.209991,458.209991,234680000 +1994-06-08,458.209991,459.739990,455.429993,457.059998,457.059998,256000000 +1994-06-09,457.059998,457.869995,455.859985,457.859985,457.859985,252870000 +1994-06-10,457.859985,459.480011,457.359985,458.670013,458.670013,222480000 +1994-06-13,458.670013,459.359985,457.179993,459.100006,459.100006,243640000 +1994-06-14,459.100006,462.519989,459.100006,462.369995,462.369995,288550000 +1994-06-15,462.380005,463.230011,459.950012,460.609985,460.609985,269740000 +1994-06-16,460.609985,461.929993,459.799988,461.929993,461.929993,256390000 +1994-06-17,461.929993,462.160004,458.440002,458.450012,458.450012,373450000 +1994-06-20,458.450012,458.450012,454.459991,455.480011,455.480011,229520000 +1994-06-21,455.480011,455.480011,449.450012,451.339996,451.339996,298730000 +1994-06-22,451.399994,453.910004,451.399994,453.089996,453.089996,251110000 +1994-06-23,453.089996,454.160004,449.429993,449.630005,449.630005,256480000 +1994-06-24,449.630005,449.630005,442.510010,442.799988,442.799988,261260000 +1994-06-27,442.779999,447.760010,439.829987,447.309998,447.309998,250080000 +1994-06-28,447.359985,448.470001,443.079987,446.070007,446.070007,267740000 +1994-06-29,446.049988,449.829987,446.040009,447.630005,447.630005,264430000 +1994-06-30,447.630005,448.609985,443.660004,444.269989,444.269989,293410000 +1994-07-01,444.269989,446.450012,443.579987,446.200012,446.200012,199030000 +1994-07-05,446.200012,447.619995,445.140015,446.369995,446.369995,195410000 +1994-07-06,446.290009,447.279999,444.179993,446.130005,446.130005,236230000 +1994-07-07,446.149994,448.640015,446.149994,448.380005,448.380005,259740000 +1994-07-08,448.380005,449.750000,446.529999,449.549988,449.549988,236520000 +1994-07-11,449.559998,450.239990,445.269989,448.059998,448.059998,222970000 +1994-07-12,448.019989,448.160004,444.649994,447.950012,447.950012,252250000 +1994-07-13,448.029999,450.059998,447.970001,448.730011,448.730011,265840000 +1994-07-14,448.730011,454.329987,448.730011,453.410004,453.410004,322330000 +1994-07-15,453.279999,454.329987,452.799988,454.160004,454.160004,275860000 +1994-07-18,454.410004,455.709991,453.260010,455.220001,455.220001,227460000 +1994-07-19,455.220001,455.299988,453.859985,453.859985,453.859985,251530000 +1994-07-20,453.890015,454.160004,450.690002,451.600006,451.600006,267840000 +1994-07-21,451.600006,453.220001,451.000000,452.609985,452.609985,292120000 +1994-07-22,452.609985,454.029999,452.329987,453.109985,453.109985,261600000 +1994-07-25,453.100006,454.320007,452.760010,454.250000,454.250000,213470000 +1994-07-26,454.250000,454.250000,452.779999,453.359985,453.359985,232670000 +1994-07-27,453.359985,453.380005,451.359985,452.570007,452.570007,251680000 +1994-07-28,452.570007,454.929993,452.299988,454.239990,454.239990,245990000 +1994-07-29,454.250000,459.329987,454.250000,458.260010,458.260010,269560000 +1994-08-01,458.279999,461.010010,458.079987,461.010010,461.010010,258180000 +1994-08-02,461.010010,462.769989,459.700012,460.559998,460.559998,294740000 +1994-08-03,460.649994,461.459991,459.510010,461.450012,461.450012,283840000 +1994-08-04,461.450012,461.489990,458.399994,458.399994,458.399994,289150000 +1994-08-05,458.339996,458.339996,456.079987,457.089996,457.089996,230270000 +1994-08-08,457.079987,458.299988,457.010010,457.890015,457.890015,217680000 +1994-08-09,457.890015,458.160004,456.660004,457.920013,457.920013,259140000 +1994-08-10,457.980011,460.480011,457.980011,460.299988,460.299988,279500000 +1994-08-11,460.309998,461.410004,456.880005,458.880005,458.880005,275690000 +1994-08-12,458.880005,462.269989,458.880005,461.940002,461.940002,249280000 +1994-08-15,461.970001,463.339996,461.209991,461.230011,461.230011,223210000 +1994-08-16,461.220001,465.200012,459.890015,465.010010,465.010010,306640000 +1994-08-17,465.109985,465.910004,464.570007,465.170013,465.170013,309250000 +1994-08-18,465.100006,465.100006,462.299988,463.170013,463.170013,287330000 +1994-08-19,463.250000,464.369995,461.809998,463.679993,463.679993,276630000 +1994-08-22,463.609985,463.609985,461.459991,462.320007,462.320007,235870000 +1994-08-23,462.390015,466.579987,462.390015,464.510010,464.510010,307240000 +1994-08-24,464.510010,469.049988,464.510010,469.029999,469.029999,310510000 +1994-08-25,469.070007,470.119995,467.640015,468.079987,468.079987,284230000 +1994-08-26,468.079987,474.649994,468.079987,473.799988,473.799988,305120000 +1994-08-29,473.890015,477.140015,473.890015,474.589996,474.589996,266080000 +1994-08-30,474.589996,476.609985,473.559998,476.070007,476.070007,294520000 +1994-08-31,476.070007,477.589996,474.429993,475.489990,475.489990,354650000 +1994-09-01,475.489990,475.489990,471.739990,473.170013,473.170013,282830000 +1994-09-02,473.200012,474.890015,470.670013,470.989990,470.989990,216150000 +1994-09-06,471.000000,471.920013,469.640015,471.859985,471.859985,199670000 +1994-09-07,471.859985,472.410004,470.200012,470.989990,470.989990,290330000 +1994-09-08,470.959991,473.399994,470.859985,473.140015,473.140015,295010000 +1994-09-09,473.130005,473.130005,466.549988,468.179993,468.179993,293360000 +1994-09-12,468.179993,468.420013,466.149994,466.209991,466.209991,244680000 +1994-09-13,466.269989,468.760010,466.269989,467.510010,467.510010,293370000 +1994-09-14,467.549988,468.859985,466.820007,468.799988,468.799988,297480000 +1994-09-15,468.799988,474.809998,468.790009,474.809998,474.809998,281920000 +1994-09-16,474.809998,474.809998,470.059998,471.190002,471.190002,410750000 +1994-09-19,471.209991,473.149994,470.679993,470.850006,470.850006,277110000 +1994-09-20,470.829987,470.829987,463.359985,463.359985,463.359985,326050000 +1994-09-21,463.420013,464.010010,458.470001,461.459991,461.459991,351830000 +1994-09-22,461.450012,463.220001,460.959991,461.269989,461.269989,305210000 +1994-09-23,461.269989,462.140015,459.010010,459.670013,459.670013,300060000 +1994-09-26,459.649994,460.869995,459.309998,460.820007,460.820007,272530000 +1994-09-27,460.820007,462.750000,459.829987,462.049988,462.049988,290330000 +1994-09-28,462.100006,465.549988,462.100006,464.839996,464.839996,330020000 +1994-09-29,464.839996,464.839996,461.510010,462.239990,462.239990,302280000 +1994-09-30,462.269989,465.299988,461.910004,462.709991,462.709991,291900000 +1994-10-03,462.690002,463.309998,460.329987,461.739990,461.739990,269130000 +1994-10-04,461.769989,462.459991,454.029999,454.589996,454.589996,325620000 +1994-10-05,454.589996,454.589996,449.269989,453.519989,453.519989,359670000 +1994-10-06,453.519989,454.489990,452.130005,452.359985,452.359985,272620000 +1994-10-07,452.369995,455.670013,452.130005,455.100006,455.100006,284230000 +1994-10-10,455.119995,459.290009,455.119995,459.040009,459.040009,213110000 +1994-10-11,459.040009,466.339996,459.040009,465.790009,465.790009,355540000 +1994-10-12,465.779999,466.700012,464.790009,465.470001,465.470001,269550000 +1994-10-13,465.559998,471.299988,465.559998,467.790009,467.790009,337900000 +1994-10-14,467.779999,469.529999,466.109985,469.100006,469.100006,251770000 +1994-10-17,469.109985,469.880005,468.160004,468.959991,468.959991,238490000 +1994-10-18,469.019989,469.190002,466.540009,467.660004,467.660004,259730000 +1994-10-19,467.690002,471.429993,465.959991,470.279999,470.279999,317030000 +1994-10-20,470.369995,470.369995,465.390015,466.850006,466.850006,331460000 +1994-10-21,466.690002,466.690002,463.829987,464.890015,464.890015,315310000 +1994-10-24,464.890015,466.369995,460.799988,460.829987,460.829987,282800000 +1994-10-25,460.829987,461.950012,458.260010,461.529999,461.529999,326110000 +1994-10-26,461.549988,463.769989,461.220001,462.619995,462.619995,322570000 +1994-10-27,462.679993,465.850006,462.619995,465.850006,465.850006,327790000 +1994-10-28,465.839996,473.779999,465.799988,473.769989,473.769989,381450000 +1994-10-31,473.760010,474.739990,472.329987,472.350006,472.350006,302820000 +1994-11-01,472.260010,472.260010,467.640015,468.420013,468.420013,314940000 +1994-11-02,468.410004,470.920013,466.359985,466.510010,466.510010,331360000 +1994-11-03,466.500000,468.640015,466.399994,467.910004,467.910004,285170000 +1994-11-04,467.959991,469.279999,462.279999,462.279999,462.279999,280560000 +1994-11-07,462.309998,463.559998,461.250000,463.070007,463.070007,255030000 +1994-11-08,463.079987,467.540009,463.070007,465.649994,465.649994,290860000 +1994-11-09,465.649994,469.950012,463.459991,465.399994,465.399994,337780000 +1994-11-10,465.399994,467.790009,463.730011,464.369995,464.369995,280910000 +1994-11-11,464.170013,464.170013,461.450012,462.350006,462.350006,220800000 +1994-11-14,462.440002,466.290009,462.350006,466.040009,466.040009,260380000 +1994-11-15,466.040009,468.510010,462.950012,465.029999,465.029999,336450000 +1994-11-16,465.059998,466.250000,464.279999,465.619995,465.619995,296980000 +1994-11-17,465.709991,465.829987,461.470001,463.570007,463.570007,323190000 +1994-11-18,463.600006,463.839996,460.250000,461.470001,461.470001,356730000 +1994-11-21,461.690002,463.410004,457.549988,458.299988,458.299988,293030000 +1994-11-22,457.950012,458.029999,450.079987,450.089996,450.089996,387270000 +1994-11-23,450.010010,450.609985,444.179993,449.929993,449.929993,430760000 +1994-11-25,449.940002,452.869995,449.940002,452.290009,452.290009,118290000 +1994-11-28,452.260010,454.190002,451.040009,454.160004,454.160004,265480000 +1994-11-29,454.230011,455.170013,452.140015,455.170013,455.170013,286620000 +1994-11-30,455.170013,457.130005,453.269989,453.690002,453.690002,298650000 +1994-12-01,453.549988,453.910004,447.970001,448.920013,448.920013,285920000 +1994-12-02,448.920013,453.309998,448.000000,453.299988,453.299988,284750000 +1994-12-05,453.299988,455.040009,452.059998,453.320007,453.320007,258490000 +1994-12-06,453.290009,453.929993,450.350006,453.109985,453.109985,298930000 +1994-12-07,453.109985,453.109985,450.010010,451.230011,451.230011,283490000 +1994-12-08,451.230011,452.059998,444.589996,445.450012,445.450012,362290000 +1994-12-09,445.450012,446.980011,442.880005,446.959991,446.959991,336440000 +1994-12-12,446.950012,449.480011,445.619995,449.470001,449.470001,285730000 +1994-12-13,449.519989,451.690002,449.429993,450.149994,450.149994,307110000 +1994-12-14,450.049988,456.160004,450.049988,454.970001,454.970001,355000000 +1994-12-15,454.970001,456.839996,454.500000,455.339996,455.339996,332790000 +1994-12-16,455.350006,458.799988,455.350006,458.799988,458.799988,481860000 +1994-12-19,458.779999,458.779999,456.640015,457.910004,457.910004,271850000 +1994-12-20,458.079987,458.450012,456.369995,457.100006,457.100006,326530000 +1994-12-21,457.239990,461.700012,457.170013,459.609985,459.609985,379130000 +1994-12-22,459.619995,461.209991,459.329987,459.679993,459.679993,340330000 +1994-12-23,459.700012,461.320007,459.390015,459.829987,459.829987,196540000 +1994-12-27,459.850006,462.730011,459.850006,462.470001,462.470001,211180000 +1994-12-28,462.470001,462.489990,459.000000,460.859985,460.859985,246260000 +1994-12-29,460.920013,461.809998,460.359985,461.170013,461.170013,250650000 +1994-12-30,461.170013,462.119995,459.239990,459.269989,459.269989,256260000 +1995-01-03,459.209991,459.269989,457.200012,459.109985,459.109985,262450000 +1995-01-04,459.130005,460.720001,457.559998,460.709991,460.709991,319510000 +1995-01-05,460.730011,461.299988,459.750000,460.339996,460.339996,309050000 +1995-01-06,460.380005,462.489990,459.470001,460.679993,460.679993,308070000 +1995-01-09,460.670013,461.769989,459.739990,460.829987,460.829987,278790000 +1995-01-10,460.899994,464.589996,460.899994,461.679993,461.679993,352450000 +1995-01-11,461.679993,463.609985,458.649994,461.660004,461.660004,346310000 +1995-01-12,461.640015,461.929993,460.630005,461.640015,461.640015,313040000 +1995-01-13,461.640015,466.429993,461.640015,465.970001,465.970001,336740000 +1995-01-16,465.970001,470.390015,465.970001,469.380005,469.380005,315810000 +1995-01-17,469.380005,470.149994,468.190002,470.049988,470.049988,331520000 +1995-01-18,470.049988,470.429993,468.029999,469.709991,469.709991,344660000 +1995-01-19,469.720001,469.720001,466.399994,466.950012,466.950012,297220000 +1995-01-20,466.950012,466.989990,463.989990,464.779999,464.779999,378190000 +1995-01-23,464.779999,466.230011,461.140015,465.820007,465.820007,325830000 +1995-01-24,465.809998,466.880005,465.470001,465.859985,465.859985,315430000 +1995-01-25,465.859985,469.510010,464.399994,467.440002,467.440002,342610000 +1995-01-26,467.440002,468.619995,466.899994,468.320007,468.320007,304730000 +1995-01-27,468.320007,471.359985,468.320007,470.390015,470.390015,339510000 +1995-01-30,470.390015,470.519989,467.489990,468.510010,468.510010,318550000 +1995-01-31,468.510010,471.029999,468.179993,470.420013,470.420013,411590000 +1995-02-01,470.420013,472.750000,469.290009,470.399994,470.399994,395310000 +1995-02-02,470.399994,472.790009,469.950012,472.790009,472.790009,322110000 +1995-02-03,472.779999,479.910004,472.779999,478.649994,478.649994,441000000 +1995-02-06,478.640015,481.950012,478.359985,481.140015,481.140015,325660000 +1995-02-07,481.140015,481.320007,479.690002,480.809998,480.809998,314660000 +1995-02-08,480.809998,482.600006,480.399994,481.190002,481.190002,318430000 +1995-02-09,481.190002,482.000000,479.910004,480.190002,480.190002,325570000 +1995-02-10,480.190002,481.959991,479.529999,481.459991,481.459991,295600000 +1995-02-13,481.459991,482.859985,481.070007,481.649994,481.649994,256270000 +1995-02-14,481.649994,482.940002,480.890015,482.549988,482.549988,300720000 +1995-02-15,482.549988,485.540009,481.769989,484.540009,484.540009,378040000 +1995-02-16,484.559998,485.220001,483.049988,485.220001,485.220001,360990000 +1995-02-17,485.149994,485.220001,481.970001,481.970001,481.970001,347970000 +1995-02-21,481.950012,483.260010,481.940002,482.720001,482.720001,308090000 +1995-02-22,482.739990,486.149994,482.450012,485.070007,485.070007,339460000 +1995-02-23,485.070007,489.190002,485.070007,486.910004,486.910004,394280000 +1995-02-24,486.820007,488.279999,485.700012,488.109985,488.109985,302930000 +1995-02-27,488.260010,488.260010,483.179993,483.809998,483.809998,285790000 +1995-02-28,483.809998,487.440002,483.769989,487.390015,487.390015,317220000 +1995-03-01,487.390015,487.829987,484.920013,485.649994,485.649994,362600000 +1995-03-02,485.649994,485.709991,483.190002,485.130005,485.130005,330030000 +1995-03-03,485.130005,485.420013,483.070007,485.420013,485.420013,330840000 +1995-03-06,485.420013,485.700012,481.519989,485.630005,485.630005,298870000 +1995-03-07,485.630005,485.630005,479.700012,482.119995,482.119995,355550000 +1995-03-08,482.119995,484.079987,481.570007,483.140015,483.140015,349780000 +1995-03-09,483.140015,483.739990,482.049988,483.160004,483.160004,319320000 +1995-03-10,483.160004,490.369995,483.160004,489.570007,489.570007,382940000 +1995-03-13,489.570007,491.279999,489.350006,490.049988,490.049988,275280000 +1995-03-14,490.049988,493.690002,490.049988,492.890015,492.890015,346160000 +1995-03-15,492.890015,492.890015,490.829987,491.880005,491.880005,309540000 +1995-03-16,491.869995,495.739990,491.779999,495.410004,495.410004,336670000 +1995-03-17,495.429993,496.670013,494.950012,495.519989,495.519989,417380000 +1995-03-20,495.519989,496.609985,495.269989,496.140015,496.140015,301740000 +1995-03-21,496.149994,499.190002,494.040009,495.070007,495.070007,367110000 +1995-03-22,495.070007,495.670013,493.670013,495.670013,495.670013,313120000 +1995-03-23,495.670013,496.769989,494.190002,495.950012,495.950012,318530000 +1995-03-24,496.070007,500.970001,496.070007,500.970001,500.970001,358370000 +1995-03-27,500.970001,503.200012,500.929993,503.200012,503.200012,296270000 +1995-03-28,503.190002,503.910004,501.829987,503.899994,503.899994,320360000 +1995-03-29,503.920013,508.149994,500.959991,503.119995,503.119995,385940000 +1995-03-30,503.170013,504.660004,501.000000,502.220001,502.220001,362940000 +1995-03-31,501.940002,502.220001,495.700012,500.709991,500.709991,353060000 +1995-04-03,500.700012,501.910004,500.200012,501.850006,501.850006,296430000 +1995-04-04,501.850006,505.260010,501.850006,505.239990,505.239990,330580000 +1995-04-05,505.269989,505.570007,503.170013,505.570007,505.570007,315170000 +1995-04-06,505.630005,507.100006,505.000000,506.079987,506.079987,320460000 +1995-04-07,506.130005,507.190002,503.589996,506.420013,506.420013,314760000 +1995-04-10,506.299988,507.010010,504.609985,507.010010,507.010010,260980000 +1995-04-11,507.239990,508.850006,505.290009,505.529999,505.529999,310660000 +1995-04-12,505.589996,507.170013,505.070007,507.170013,507.170013,327880000 +1995-04-13,507.190002,509.829987,507.170013,509.230011,509.230011,301580000 +1995-04-17,509.230011,512.030029,505.429993,506.130005,506.130005,333930000 +1995-04-18,506.429993,507.649994,504.119995,505.369995,505.369995,344680000 +1995-04-19,505.369995,505.890015,501.190002,504.920013,504.920013,378050000 +1995-04-20,504.920013,506.500000,503.440002,505.290009,505.290009,368450000 +1995-04-21,505.630005,508.489990,505.630005,508.489990,508.489990,403250000 +1995-04-24,508.489990,513.020020,507.440002,512.890015,512.890015,326280000 +1995-04-25,512.799988,513.539978,511.320007,512.099976,512.099976,351790000 +1995-04-26,511.989990,513.039978,510.470001,512.659973,512.659973,350810000 +1995-04-27,512.700012,513.619995,511.630005,513.549988,513.549988,350850000 +1995-04-28,513.640015,515.289978,510.899994,514.710022,514.710022,320440000 +1995-05-01,514.760010,515.599976,513.419983,514.260010,514.260010,296830000 +1995-05-02,514.229980,515.179993,513.030029,514.859985,514.859985,302560000 +1995-05-03,514.929993,520.539978,514.859985,520.479980,520.479980,392370000 +1995-05-04,520.479980,525.400024,519.440002,520.539978,520.539978,434990000 +1995-05-05,520.750000,522.349976,518.280029,520.119995,520.119995,342380000 +1995-05-08,520.090027,525.150024,519.140015,523.960022,523.960022,291810000 +1995-05-09,523.960022,525.989990,521.789978,523.559998,523.559998,361300000 +1995-05-10,523.739990,524.400024,521.530029,524.359985,524.359985,381990000 +1995-05-11,524.330017,524.890015,522.700012,524.369995,524.369995,339900000 +1995-05-12,524.369995,527.049988,523.299988,525.549988,525.549988,361000000 +1995-05-15,525.549988,527.739990,525.000000,527.739990,527.739990,316240000 +1995-05-16,527.739990,529.080017,526.450012,528.190002,528.190002,366180000 +1995-05-17,528.190002,528.419983,525.380005,527.070007,527.070007,347930000 +1995-05-18,526.880005,526.880005,519.580017,519.580017,519.580017,351900000 +1995-05-19,519.580017,519.580017,517.070007,519.190002,519.190002,354010000 +1995-05-22,519.190002,524.340027,519.190002,523.650024,523.650024,285600000 +1995-05-23,523.650024,528.590027,523.650024,528.590027,528.590027,362690000 +1995-05-24,528.590027,531.909973,525.570007,528.609985,528.609985,391770000 +1995-05-25,528.369995,529.039978,524.890015,528.590027,528.590027,341820000 +1995-05-26,528.590027,528.590027,522.510010,523.650024,523.650024,291220000 +1995-05-30,523.650024,525.580017,521.380005,523.580017,523.580017,283020000 +1995-05-31,523.700012,533.409973,522.169983,533.400024,533.400024,358180000 +1995-06-01,533.400024,534.210022,530.049988,533.489990,533.489990,345920000 +1995-06-02,533.489990,536.909973,529.549988,532.510010,532.510010,366000000 +1995-06-05,532.510010,537.729980,532.469971,535.599976,535.599976,337520000 +1995-06-06,535.599976,537.090027,535.140015,535.549988,535.549988,340490000 +1995-06-07,535.549988,535.549988,531.659973,533.130005,533.130005,327790000 +1995-06-08,533.130005,533.559998,531.650024,532.349976,532.349976,289880000 +1995-06-09,532.349976,532.349976,526.000000,527.940002,527.940002,327570000 +1995-06-12,527.940002,532.539978,527.940002,530.880005,530.880005,289920000 +1995-06-13,530.880005,536.229980,530.880005,536.049988,536.049988,339660000 +1995-06-14,536.049988,536.479980,533.830017,536.469971,536.469971,330770000 +1995-06-15,536.479980,539.070007,535.559998,537.119995,537.119995,334700000 +1995-06-16,537.510010,539.979980,537.119995,539.830017,539.830017,442740000 +1995-06-19,539.830017,545.219971,539.830017,545.219971,545.219971,322990000 +1995-06-20,545.219971,545.440002,543.429993,544.979980,544.979980,382370000 +1995-06-21,544.979980,545.929993,543.900024,543.979980,543.979980,398210000 +1995-06-22,543.979980,551.070007,543.979980,551.070007,551.070007,421000000 +1995-06-23,551.070007,551.070007,548.229980,549.710022,549.710022,321660000 +1995-06-26,549.710022,549.789978,544.059998,544.130005,544.130005,296720000 +1995-06-27,544.109985,547.070007,542.190002,542.429993,542.429993,346950000 +1995-06-28,542.429993,546.330017,540.719971,544.729980,544.729980,368060000 +1995-06-29,544.729980,546.250000,540.789978,543.869995,543.869995,313080000 +1995-06-30,543.869995,546.820007,543.510010,544.750000,544.750000,311650000 +1995-07-03,544.750000,547.099976,544.429993,547.090027,547.090027,117900000 +1995-07-05,547.090027,549.979980,546.280029,547.260010,547.260010,357850000 +1995-07-06,547.260010,553.989990,546.590027,553.989990,553.989990,420500000 +1995-07-07,553.900024,556.570007,553.049988,556.369995,556.369995,466540000 +1995-07-10,556.369995,558.479980,555.770020,557.190002,557.190002,409700000 +1995-07-11,556.780029,557.190002,553.799988,554.780029,554.780029,376770000 +1995-07-12,555.270020,561.559998,554.270020,560.890015,560.890015,416360000 +1995-07-13,560.890015,562.000000,559.070007,561.000000,561.000000,387500000 +1995-07-14,561.000000,561.000000,556.409973,559.890015,559.890015,312930000 +1995-07-17,560.340027,562.940002,559.450012,562.719971,562.719971,322540000 +1995-07-18,562.549988,562.719971,556.859985,558.460022,558.460022,372230000 +1995-07-19,556.580017,558.460022,542.510010,550.979980,550.979980,489850000 +1995-07-20,550.979980,554.429993,549.099976,553.539978,553.539978,383380000 +1995-07-21,553.340027,554.729980,550.909973,553.619995,553.619995,431830000 +1995-07-24,553.619995,557.210022,553.619995,556.630005,556.630005,315300000 +1995-07-25,556.630005,561.750000,556.340027,561.099976,561.099976,373200000 +1995-07-26,561.099976,563.780029,560.849976,561.609985,561.609985,393470000 +1995-07-27,561.609985,565.330017,561.609985,565.219971,565.219971,356570000 +1995-07-28,565.219971,565.400024,562.039978,562.929993,562.929993,311590000 +1995-07-31,562.929993,563.489990,560.059998,562.059998,562.059998,291950000 +1995-08-01,562.059998,562.109985,556.669983,559.640015,559.640015,332210000 +1995-08-02,559.640015,565.619995,557.869995,558.799988,558.799988,374330000 +1995-08-03,558.799988,558.799988,554.099976,558.750000,558.750000,353110000 +1995-08-04,558.750000,559.570007,557.909973,558.940002,558.940002,314740000 +1995-08-07,558.940002,561.239990,558.940002,560.030029,560.030029,277050000 +1995-08-08,560.030029,561.530029,558.320007,560.390015,560.390015,306090000 +1995-08-09,560.390015,561.590027,559.289978,559.710022,559.710022,303390000 +1995-08-10,559.710022,560.630005,556.049988,557.450012,557.450012,306660000 +1995-08-11,557.450012,558.500000,553.039978,555.109985,555.109985,267850000 +1995-08-14,555.109985,559.739990,554.760010,559.739990,559.739990,264920000 +1995-08-15,559.739990,559.979980,555.219971,558.570007,558.570007,330070000 +1995-08-16,558.570007,559.979980,557.369995,559.969971,559.969971,390170000 +1995-08-17,559.969971,559.969971,557.419983,559.039978,559.039978,354460000 +1995-08-18,559.039978,561.239990,558.340027,559.210022,559.210022,320490000 +1995-08-21,559.210022,563.340027,557.890015,558.109985,558.109985,303200000 +1995-08-22,558.109985,559.520020,555.869995,559.520020,559.520020,290890000 +1995-08-23,559.520020,560.000000,557.080017,557.140015,557.140015,291890000 +1995-08-24,557.140015,558.630005,555.200012,557.460022,557.460022,299200000 +1995-08-25,557.460022,561.309998,557.460022,560.099976,560.099976,255990000 +1995-08-28,560.099976,562.219971,557.989990,559.049988,559.049988,267860000 +1995-08-29,559.049988,560.010010,555.710022,560.000000,560.000000,311290000 +1995-08-30,560.000000,561.520020,559.489990,560.919983,560.919983,329840000 +1995-08-31,561.090027,562.359985,560.489990,561.880005,561.880005,300920000 +1995-09-01,561.880005,564.619995,561.010010,563.840027,563.840027,256730000 +1995-09-05,563.859985,569.200012,563.840027,569.169983,569.169983,332670000 +1995-09-06,569.169983,570.530029,569.000000,570.169983,570.169983,369540000 +1995-09-07,570.169983,571.109985,569.229980,570.289978,570.289978,321720000 +1995-09-08,570.289978,572.679993,569.270020,572.679993,572.679993,317940000 +1995-09-11,572.679993,575.150024,572.679993,573.909973,573.909973,296840000 +1995-09-12,573.909973,576.510010,573.109985,576.510010,576.510010,344540000 +1995-09-13,576.510010,579.719971,575.469971,578.770020,578.770020,384380000 +1995-09-14,578.770020,583.989990,578.770020,583.609985,583.609985,382880000 +1995-09-15,583.609985,585.070007,581.789978,583.349976,583.349976,459370000 +1995-09-18,583.349976,583.369995,579.359985,582.770020,582.770020,326090000 +1995-09-19,582.780029,584.239990,580.750000,584.200012,584.200012,371170000 +1995-09-20,584.200012,586.770020,584.179993,586.770020,586.770020,400050000 +1995-09-21,586.770020,586.789978,580.909973,583.000000,583.000000,367100000 +1995-09-22,583.000000,583.000000,578.250000,581.729980,581.729980,370790000 +1995-09-25,581.729980,582.140015,579.500000,581.809998,581.809998,273120000 +1995-09-26,581.809998,584.659973,580.650024,581.409973,581.409973,363630000 +1995-09-27,581.409973,581.419983,574.679993,581.039978,581.039978,411300000 +1995-09-28,581.039978,585.880005,580.690002,585.869995,585.869995,367720000 +1995-09-29,585.869995,587.609985,584.000000,584.409973,584.409973,335250000 +1995-10-02,584.409973,585.049988,580.539978,581.719971,581.719971,304990000 +1995-10-03,581.719971,582.340027,578.479980,582.340027,582.340027,385940000 +1995-10-04,582.340027,582.340027,579.909973,581.469971,581.469971,339380000 +1995-10-05,581.469971,582.630005,579.580017,582.630005,582.630005,367480000 +1995-10-06,582.630005,584.539978,582.099976,582.489990,582.489990,313680000 +1995-10-09,582.489990,582.489990,576.349976,578.369995,578.369995,275320000 +1995-10-10,578.369995,578.369995,571.549988,577.520020,577.520020,412710000 +1995-10-11,577.520020,579.520020,577.080017,579.460022,579.460022,340740000 +1995-10-12,579.460022,583.119995,579.460022,583.099976,583.099976,344060000 +1995-10-13,583.099976,587.390015,583.099976,584.500000,584.500000,374680000 +1995-10-16,584.500000,584.859985,582.630005,583.030029,583.030029,300750000 +1995-10-17,583.030029,586.780029,581.900024,586.780029,586.780029,356380000 +1995-10-18,586.780029,589.770020,586.270020,587.440002,587.440002,411270000 +1995-10-19,587.440002,590.659973,586.340027,590.650024,590.650024,406620000 +1995-10-20,590.650024,590.659973,586.780029,587.460022,587.460022,389360000 +1995-10-23,587.460022,587.460022,583.729980,585.059998,585.059998,330750000 +1995-10-24,585.059998,587.309998,584.750000,586.539978,586.539978,415540000 +1995-10-25,586.539978,587.190002,581.409973,582.469971,582.469971,433620000 +1995-10-26,582.469971,582.630005,572.530029,576.719971,576.719971,464270000 +1995-10-27,576.719971,579.710022,573.210022,579.700012,579.700012,379230000 +1995-10-30,579.700012,583.789978,579.700012,583.250000,583.250000,319160000 +1995-10-31,583.250000,586.710022,581.500000,581.500000,581.500000,377390000 +1995-11-01,581.500000,584.239990,581.039978,584.219971,584.219971,378090000 +1995-11-02,584.219971,589.719971,584.219971,589.719971,589.719971,397070000 +1995-11-03,589.719971,590.570007,588.650024,590.570007,590.570007,348500000 +1995-11-06,590.570007,590.640015,588.309998,588.460022,588.460022,309100000 +1995-11-07,588.460022,588.460022,584.239990,586.320007,586.320007,364680000 +1995-11-08,586.320007,591.710022,586.320007,591.710022,591.710022,359780000 +1995-11-09,591.710022,593.900024,590.890015,593.260010,593.260010,380760000 +1995-11-10,593.260010,593.260010,590.390015,592.719971,592.719971,298690000 +1995-11-13,592.719971,593.719971,590.580017,592.299988,592.299988,295840000 +1995-11-14,592.299988,592.299988,588.979980,589.289978,589.289978,354420000 +1995-11-15,589.289978,593.969971,588.359985,593.960022,593.960022,376100000 +1995-11-16,593.960022,597.909973,593.520020,597.340027,597.340027,423280000 +1995-11-17,597.340027,600.140015,597.299988,600.070007,600.070007,437200000 +1995-11-20,600.070007,600.400024,596.169983,596.849976,596.849976,333150000 +1995-11-21,596.849976,600.280029,595.419983,600.239990,600.239990,408320000 +1995-11-22,600.239990,600.710022,598.400024,598.400024,598.400024,404980000 +1995-11-24,598.400024,600.239990,598.400024,599.969971,599.969971,125870000 +1995-11-27,599.969971,603.349976,599.969971,601.320007,601.320007,359130000 +1995-11-28,601.320007,606.450012,599.020020,606.450012,606.450012,408860000 +1995-11-29,606.450012,607.659973,605.469971,607.640015,607.640015,398280000 +1995-11-30,607.640015,608.690002,605.369995,605.369995,605.369995,440050000 +1995-12-01,605.369995,608.109985,605.369995,606.979980,606.979980,393310000 +1995-12-04,606.979980,613.830017,606.840027,613.679993,613.679993,405480000 +1995-12-05,613.679993,618.479980,613.140015,617.679993,617.679993,437360000 +1995-12-06,617.679993,621.109985,616.690002,620.179993,620.179993,417780000 +1995-12-07,620.179993,620.190002,615.210022,616.169983,616.169983,379260000 +1995-12-08,616.169983,617.820007,614.320007,617.479980,617.479980,327900000 +1995-12-11,617.479980,620.900024,617.140015,619.520020,619.520020,342070000 +1995-12-12,619.520020,619.549988,617.679993,618.780029,618.780029,349860000 +1995-12-13,618.780029,622.020020,618.270020,621.690002,621.690002,415290000 +1995-12-14,621.690002,622.880005,616.130005,616.919983,616.919983,465300000 +1995-12-15,616.919983,617.719971,614.460022,616.340027,616.340027,636800000 +1995-12-18,616.340027,616.340027,606.130005,606.809998,606.809998,426270000 +1995-12-19,606.809998,611.940002,605.049988,611.929993,611.929993,478280000 +1995-12-20,611.929993,614.270020,605.929993,605.940002,605.940002,437680000 +1995-12-21,605.940002,610.520020,605.940002,610.489990,610.489990,415810000 +1995-12-22,610.489990,613.500000,610.450012,611.950012,611.950012,289600000 +1995-12-26,611.960022,614.500000,611.960022,614.299988,614.299988,217280000 +1995-12-27,614.299988,615.729980,613.750000,614.530029,614.530029,252300000 +1995-12-28,614.530029,615.500000,612.400024,614.119995,614.119995,288660000 +1995-12-29,614.119995,615.929993,612.359985,615.929993,615.929993,321250000 +1996-01-02,615.929993,620.739990,613.169983,620.729980,620.729980,364180000 +1996-01-03,620.729980,623.250000,619.559998,621.320007,621.320007,468950000 +1996-01-04,621.320007,624.489990,613.960022,617.700012,617.700012,512580000 +1996-01-05,617.700012,617.700012,612.020020,616.710022,616.710022,437110000 +1996-01-08,616.710022,618.460022,616.489990,618.460022,618.460022,130360000 +1996-01-09,618.460022,619.150024,608.210022,609.450012,609.450012,417400000 +1996-01-10,609.450012,609.450012,597.289978,598.479980,598.479980,496830000 +1996-01-11,598.479980,602.710022,597.539978,602.690002,602.690002,408800000 +1996-01-12,602.690002,604.799988,597.460022,601.809998,601.809998,383400000 +1996-01-15,601.809998,603.429993,598.469971,599.820007,599.820007,306180000 +1996-01-16,599.820007,608.440002,599.049988,608.440002,608.440002,425220000 +1996-01-17,608.440002,609.929993,604.700012,606.369995,606.369995,458720000 +1996-01-18,606.369995,608.270020,604.119995,608.239990,608.239990,450410000 +1996-01-19,608.239990,612.919983,606.760010,611.830017,611.830017,497720000 +1996-01-22,611.830017,613.450012,610.950012,613.400024,613.400024,398040000 +1996-01-23,613.400024,613.400024,610.650024,612.789978,612.789978,416910000 +1996-01-24,612.789978,619.960022,612.789978,619.960022,619.960022,476380000 +1996-01-25,619.960022,620.150024,616.619995,617.030029,617.030029,453270000 +1996-01-26,617.030029,621.700012,615.260010,621.619995,621.619995,385700000 +1996-01-29,621.619995,624.219971,621.419983,624.219971,624.219971,363330000 +1996-01-30,624.219971,630.289978,624.219971,630.150024,630.150024,464350000 +1996-01-31,630.150024,636.179993,629.479980,636.020020,636.020020,472210000 +1996-02-01,636.020020,638.460022,634.539978,638.460022,638.460022,461430000 +1996-02-02,638.460022,639.260010,634.289978,635.840027,635.840027,420020000 +1996-02-05,635.840027,641.429993,633.710022,641.429993,641.429993,377760000 +1996-02-06,641.429993,646.669983,639.679993,646.330017,646.330017,465940000 +1996-02-07,646.330017,649.929993,645.590027,649.929993,649.929993,462730000 +1996-02-08,649.929993,656.539978,647.929993,656.070007,656.070007,474970000 +1996-02-09,656.070007,661.080017,653.640015,656.369995,656.369995,477640000 +1996-02-12,656.369995,662.950012,656.340027,661.450012,661.450012,397890000 +1996-02-13,661.450012,664.229980,657.919983,660.510010,660.510010,441540000 +1996-02-14,660.510010,661.530029,654.359985,655.580017,655.580017,421790000 +1996-02-15,655.580017,656.840027,651.150024,651.320007,651.320007,415320000 +1996-02-16,651.320007,651.419983,646.989990,647.979980,647.979980,445570000 +1996-02-20,647.979980,647.979980,638.789978,640.650024,640.650024,395910000 +1996-02-21,640.650024,648.109985,640.650024,648.099976,648.099976,431220000 +1996-02-22,648.099976,659.750000,648.099976,658.859985,658.859985,485470000 +1996-02-23,658.859985,663.000000,652.250000,659.080017,659.080017,443130000 +1996-02-26,659.080017,659.080017,650.159973,650.460022,650.460022,399330000 +1996-02-27,650.460022,650.619995,643.869995,647.239990,647.239990,431340000 +1996-02-28,647.239990,654.390015,643.989990,644.750000,644.750000,447790000 +1996-02-29,644.750000,646.950012,639.010010,640.429993,640.429993,453170000 +1996-03-01,640.429993,644.380005,635.000000,644.369995,644.369995,471480000 +1996-03-04,644.369995,653.539978,644.369995,650.809998,650.809998,417270000 +1996-03-05,650.809998,655.799988,648.770020,655.789978,655.789978,445700000 +1996-03-06,655.789978,656.969971,651.609985,652.000000,652.000000,428220000 +1996-03-07,652.000000,653.650024,649.539978,653.650024,653.650024,425790000 +1996-03-08,653.650024,653.650024,627.630005,633.500000,633.500000,546550000 +1996-03-11,633.500000,640.409973,629.950012,640.020020,640.020020,449500000 +1996-03-12,640.020020,640.020020,628.820007,637.090027,637.090027,454980000 +1996-03-13,637.090027,640.520020,635.190002,638.549988,638.549988,413030000 +1996-03-14,638.549988,644.169983,638.549988,640.869995,640.869995,492630000 +1996-03-15,640.869995,642.869995,638.349976,641.429993,641.429993,529970000 +1996-03-18,641.429993,652.650024,641.429993,652.650024,652.650024,437100000 +1996-03-19,652.650024,656.179993,649.799988,651.690002,651.690002,438300000 +1996-03-20,651.690002,653.130005,645.570007,649.979980,649.979980,409780000 +1996-03-21,649.979980,651.539978,648.099976,649.190002,649.190002,367180000 +1996-03-22,649.190002,652.080017,649.190002,650.619995,650.619995,329390000 +1996-03-25,650.619995,655.500000,648.820007,650.039978,650.039978,336700000 +1996-03-26,650.039978,654.309998,648.150024,652.969971,652.969971,400090000 +1996-03-27,652.969971,653.940002,647.599976,648.909973,648.909973,406280000 +1996-03-28,648.909973,649.580017,646.359985,648.940002,648.940002,370750000 +1996-03-29,648.940002,650.960022,644.890015,645.500000,645.500000,413510000 +1996-04-01,645.500000,653.869995,645.500000,653.729980,653.729980,392120000 +1996-04-02,653.729980,655.270020,652.809998,655.260010,655.260010,406640000 +1996-04-03,655.260010,655.890015,651.809998,655.880005,655.880005,386620000 +1996-04-04,655.880005,656.679993,654.890015,655.859985,655.859985,383400000 +1996-04-08,655.859985,655.859985,638.039978,644.239990,644.239990,411810000 +1996-04-09,644.239990,646.330017,640.840027,642.190002,642.190002,426790000 +1996-04-10,642.190002,642.780029,631.760010,633.500000,633.500000,475150000 +1996-04-11,633.500000,635.260010,624.140015,631.179993,631.179993,519710000 +1996-04-12,631.179993,637.140015,631.179993,636.710022,636.710022,413270000 +1996-04-15,636.710022,642.489990,636.710022,642.489990,642.489990,346370000 +1996-04-16,642.489990,645.570007,642.150024,645.000000,645.000000,453310000 +1996-04-17,645.000000,645.000000,638.710022,641.609985,641.609985,465200000 +1996-04-18,641.609985,644.659973,640.760010,643.609985,643.609985,415150000 +1996-04-19,643.609985,647.320007,643.609985,645.070007,645.070007,435690000 +1996-04-22,645.070007,650.909973,645.070007,647.890015,647.890015,395370000 +1996-04-23,647.890015,651.590027,647.700012,651.580017,651.580017,452690000 +1996-04-24,651.580017,653.369995,648.250000,650.169983,650.169983,494220000 +1996-04-25,650.169983,654.179993,647.059998,652.869995,652.869995,462120000 +1996-04-26,652.869995,656.429993,651.960022,653.460022,653.460022,402530000 +1996-04-29,653.460022,654.710022,651.599976,654.159973,654.159973,344030000 +1996-04-30,654.159973,654.590027,651.049988,654.169983,654.169983,393390000 +1996-05-01,654.169983,656.440002,652.260010,654.580017,654.580017,404620000 +1996-05-02,654.580017,654.580017,642.130005,643.380005,643.380005,442960000 +1996-05-03,643.380005,648.450012,640.229980,641.630005,641.630005,434010000 +1996-05-06,641.630005,644.640015,636.190002,640.809998,640.809998,375820000 +1996-05-07,640.809998,641.400024,636.960022,638.260010,638.260010,410770000 +1996-05-08,638.260010,644.789978,630.070007,644.770020,644.770020,495460000 +1996-05-09,644.770020,647.950012,643.179993,645.440002,645.440002,404310000 +1996-05-10,645.440002,653.000000,645.440002,652.090027,652.090027,428370000 +1996-05-13,652.090027,662.159973,652.090027,661.510010,661.510010,394180000 +1996-05-14,661.510010,666.960022,661.510010,665.599976,665.599976,460440000 +1996-05-15,665.599976,669.820007,664.460022,665.419983,665.419983,447790000 +1996-05-16,665.419983,667.109985,662.789978,664.849976,664.849976,392070000 +1996-05-17,664.849976,669.840027,664.849976,668.909973,668.909973,429140000 +1996-05-20,668.909973,673.659973,667.640015,673.150024,673.150024,385000000 +1996-05-21,673.150024,675.559998,672.260010,672.760010,672.760010,409610000 +1996-05-22,672.760010,678.419983,671.229980,678.419983,678.419983,423670000 +1996-05-23,678.419983,681.099976,673.450012,676.000000,676.000000,431850000 +1996-05-24,676.000000,679.719971,676.000000,678.510010,678.510010,329150000 +1996-05-28,678.510010,679.979980,671.520020,672.229980,672.229980,341480000 +1996-05-29,672.229980,673.729980,666.090027,667.929993,667.929993,346730000 +1996-05-30,667.929993,673.510010,664.559998,671.700012,671.700012,381960000 +1996-05-31,671.700012,673.460022,667.000000,669.119995,669.119995,351750000 +1996-06-03,669.119995,669.119995,665.190002,667.679993,667.679993,318470000 +1996-06-04,667.679993,672.599976,667.679993,672.559998,672.559998,386040000 +1996-06-05,672.559998,678.450012,672.090027,678.440002,678.440002,380360000 +1996-06-06,678.440002,680.320007,673.020020,673.030029,673.030029,466940000 +1996-06-07,673.030029,673.309998,662.479980,673.309998,673.309998,445710000 +1996-06-10,673.309998,673.609985,670.150024,672.159973,672.159973,337480000 +1996-06-11,672.159973,676.719971,669.940002,670.969971,670.969971,405390000 +1996-06-12,670.969971,673.669983,668.770020,669.039978,669.039978,397190000 +1996-06-13,669.039978,670.539978,665.489990,667.919983,667.919983,397620000 +1996-06-14,667.919983,668.400024,664.349976,665.849976,665.849976,390630000 +1996-06-17,665.849976,668.270020,664.090027,665.159973,665.159973,298410000 +1996-06-18,665.159973,666.359985,661.340027,662.059998,662.059998,373290000 +1996-06-19,662.059998,665.619995,661.210022,661.960022,661.960022,383610000 +1996-06-20,661.960022,664.960022,658.750000,662.099976,662.099976,441060000 +1996-06-21,662.099976,666.840027,662.099976,666.840027,666.840027,520340000 +1996-06-24,666.840027,671.070007,666.840027,668.849976,668.849976,333840000 +1996-06-25,668.849976,670.650024,667.289978,668.479980,668.479980,391900000 +1996-06-26,668.479980,668.489990,663.669983,664.390015,664.390015,386520000 +1996-06-27,664.390015,668.900024,661.559998,668.549988,668.549988,405580000 +1996-06-28,668.549988,672.679993,668.549988,670.630005,670.630005,470460000 +1996-07-01,670.630005,675.880005,670.630005,675.880005,675.880005,345750000 +1996-07-02,675.880005,675.880005,672.549988,673.609985,673.609985,388000000 +1996-07-03,673.609985,673.640015,670.210022,672.400024,672.400024,336260000 +1996-07-05,672.400024,672.400024,657.409973,657.440002,657.440002,181470000 +1996-07-08,657.440002,657.650024,651.130005,652.539978,652.539978,367560000 +1996-07-09,652.539978,656.599976,652.539978,654.750000,654.750000,400170000 +1996-07-10,654.750000,656.270020,648.390015,656.059998,656.059998,421350000 +1996-07-11,656.059998,656.059998,639.520020,645.669983,645.669983,520470000 +1996-07-12,645.669983,647.640015,640.210022,646.190002,646.190002,396740000 +1996-07-15,646.190002,646.190002,629.690002,629.799988,629.799988,419020000 +1996-07-16,629.799988,631.989990,605.880005,628.369995,628.369995,682980000 +1996-07-17,628.369995,636.609985,628.369995,634.070007,634.070007,513830000 +1996-07-18,634.070007,644.440002,633.289978,643.559998,643.559998,474460000 +1996-07-19,643.510010,643.510010,635.500000,638.729980,638.729980,408070000 +1996-07-22,638.729980,638.729980,630.380005,633.770020,633.770020,327300000 +1996-07-23,633.789978,637.700012,625.650024,626.869995,626.869995,421900000 +1996-07-24,626.190002,629.099976,616.429993,626.650024,626.650024,463030000 +1996-07-25,626.650024,633.570007,626.650024,631.169983,631.169983,405390000 +1996-07-26,631.169983,636.229980,631.169983,635.900024,635.900024,349900000 +1996-07-29,635.900024,635.900024,630.900024,630.909973,630.909973,281560000 +1996-07-30,630.909973,635.260010,629.219971,635.260010,635.260010,341090000 +1996-07-31,635.260010,640.539978,633.739990,639.950012,639.950012,403560000 +1996-08-01,639.950012,650.659973,639.489990,650.020020,650.020020,439110000 +1996-08-02,650.020020,662.489990,650.020020,662.489990,662.489990,442080000 +1996-08-05,662.489990,663.640015,659.030029,660.229980,660.229980,307240000 +1996-08-06,660.229980,662.750000,656.830017,662.380005,662.380005,347290000 +1996-08-07,662.380005,664.609985,660.000000,664.159973,664.159973,394340000 +1996-08-08,664.159973,664.169983,661.280029,662.590027,662.590027,334570000 +1996-08-09,662.590027,665.369995,660.309998,662.099976,662.099976,327280000 +1996-08-12,662.099976,665.770020,658.950012,665.770020,665.770020,312170000 +1996-08-13,665.770020,665.770020,659.130005,660.200012,660.200012,362470000 +1996-08-14,660.200012,662.419983,658.469971,662.049988,662.049988,343460000 +1996-08-15,662.049988,664.179993,660.640015,662.280029,662.280029,323950000 +1996-08-16,662.280029,666.340027,662.260010,665.210022,665.210022,337650000 +1996-08-19,665.210022,667.119995,665.000000,666.580017,666.580017,294080000 +1996-08-20,666.580017,666.989990,665.150024,665.690002,665.690002,334960000 +1996-08-21,665.690002,665.690002,662.159973,665.070007,665.070007,348820000 +1996-08-22,665.070007,670.679993,664.880005,670.679993,670.679993,354950000 +1996-08-23,670.679993,670.679993,664.929993,667.030029,667.030029,308010000 +1996-08-26,667.030029,667.030029,662.359985,663.880005,663.880005,281430000 +1996-08-27,663.880005,666.400024,663.500000,666.400024,666.400024,310520000 +1996-08-28,666.400024,667.409973,664.390015,664.809998,664.809998,296440000 +1996-08-29,664.809998,664.809998,655.349976,657.400024,657.400024,321120000 +1996-08-30,657.400024,657.710022,650.520020,651.989990,651.989990,258380000 +1996-09-03,651.989990,655.130005,643.969971,654.719971,654.719971,345740000 +1996-09-04,654.719971,655.820007,652.929993,655.609985,655.609985,351290000 +1996-09-05,655.609985,655.609985,648.890015,649.440002,649.440002,361430000 +1996-09-06,649.440002,658.210022,649.440002,655.679993,655.679993,348710000 +1996-09-09,655.679993,663.770020,655.679993,663.760010,663.760010,311530000 +1996-09-10,663.760010,665.570007,661.549988,663.809998,663.809998,372960000 +1996-09-11,663.809998,667.729980,661.789978,667.280029,667.280029,376880000 +1996-09-12,667.280029,673.070007,667.280029,671.150024,671.150024,398820000 +1996-09-13,671.150024,681.390015,671.150024,680.539978,680.539978,488360000 +1996-09-16,680.539978,686.479980,680.530029,683.979980,683.979980,430080000 +1996-09-17,683.979980,685.799988,679.960022,682.940002,682.940002,449850000 +1996-09-18,682.940002,683.770020,679.750000,681.469971,681.469971,396600000 +1996-09-19,681.469971,684.070007,679.059998,683.000000,683.000000,398580000 +1996-09-20,683.000000,687.070007,683.000000,687.030029,687.030029,519420000 +1996-09-23,687.030029,687.030029,681.010010,686.479980,686.479980,297760000 +1996-09-24,686.479980,690.880005,683.539978,685.609985,685.609985,460150000 +1996-09-25,685.609985,688.260010,684.919983,685.830017,685.830017,451710000 +1996-09-26,685.830017,690.150024,683.770020,685.859985,685.859985,500870000 +1996-09-27,685.859985,687.109985,683.729980,686.190002,686.190002,414760000 +1996-09-30,686.190002,690.109985,686.030029,687.330017,687.330017,388570000 +1996-10-01,687.309998,689.539978,684.440002,689.080017,689.080017,421550000 +1996-10-02,689.080017,694.820007,689.080017,694.010010,694.010010,440130000 +1996-10-03,694.010010,694.809998,691.780029,692.780029,692.780029,386500000 +1996-10-04,692.780029,701.739990,692.780029,701.460022,701.460022,463940000 +1996-10-07,701.460022,704.169983,701.390015,703.340027,703.340027,380750000 +1996-10-08,703.340027,705.760010,699.880005,700.640015,700.640015,435070000 +1996-10-09,700.640015,702.359985,694.419983,696.739990,696.739990,408450000 +1996-10-10,696.739990,696.820007,693.340027,694.609985,694.609985,394950000 +1996-10-11,694.609985,700.669983,694.609985,700.659973,700.659973,396050000 +1996-10-14,700.659973,705.159973,700.659973,703.539978,703.539978,322000000 +1996-10-15,703.539978,708.070007,699.070007,702.570007,702.570007,458980000 +1996-10-16,702.570007,704.419983,699.150024,704.409973,704.409973,441410000 +1996-10-17,705.000000,708.520020,704.760010,706.989990,706.989990,478550000 +1996-10-18,706.989990,711.039978,706.109985,710.820007,710.820007,473020000 +1996-10-21,710.820007,714.099976,707.710022,709.849976,709.849976,414630000 +1996-10-22,709.849976,709.849976,704.549988,706.570007,706.570007,410790000 +1996-10-23,706.570007,707.309998,700.979980,707.270020,707.270020,442170000 +1996-10-24,707.270020,708.250000,702.109985,702.289978,702.289978,418970000 +1996-10-25,702.289978,704.109985,700.530029,700.919983,700.919983,367640000 +1996-10-28,700.919983,705.400024,697.250000,697.260010,697.260010,383620000 +1996-10-29,697.260010,703.250000,696.219971,701.500000,701.500000,443890000 +1996-10-30,701.500000,703.440002,700.049988,700.900024,700.900024,437770000 +1996-10-31,700.900024,706.609985,700.349976,705.270020,705.270020,482840000 +1996-11-01,705.270020,708.599976,701.299988,703.770020,703.770020,465510000 +1996-11-04,703.770020,707.020020,702.840027,706.729980,706.729980,398790000 +1996-11-05,706.729980,714.559998,706.729980,714.140015,714.140015,486660000 +1996-11-06,714.140015,724.599976,712.830017,724.590027,724.590027,509600000 +1996-11-07,724.590027,729.489990,722.229980,727.650024,727.650024,502530000 +1996-11-08,727.650024,730.820007,725.219971,730.820007,730.820007,402320000 +1996-11-11,730.820007,732.599976,729.940002,731.869995,731.869995,353960000 +1996-11-12,731.869995,733.039978,728.200012,729.559998,729.559998,471740000 +1996-11-13,729.559998,732.109985,728.030029,731.130005,731.130005,429840000 +1996-11-14,731.130005,735.989990,729.200012,735.880005,735.880005,480350000 +1996-11-15,735.880005,741.919983,735.150024,737.619995,737.619995,529100000 +1996-11-18,737.619995,739.239990,734.390015,737.020020,737.020020,388520000 +1996-11-19,737.020020,742.179993,736.869995,742.159973,742.159973,461980000 +1996-11-20,742.159973,746.989990,740.400024,743.950012,743.950012,497900000 +1996-11-21,743.950012,745.200012,741.080017,742.750000,742.750000,464430000 +1996-11-22,742.750000,748.729980,742.750000,748.729980,748.729980,525210000 +1996-11-25,748.729980,757.049988,747.989990,757.030029,757.030029,475260000 +1996-11-26,757.030029,762.119995,752.830017,755.960022,755.960022,527380000 +1996-11-27,755.960022,757.299988,753.179993,755.000000,755.000000,377780000 +1996-11-29,755.000000,758.270020,755.000000,757.020020,757.020020,14990000 +1996-12-02,757.020020,757.030029,751.489990,756.559998,756.559998,412520000 +1996-12-03,756.559998,761.750000,747.580017,748.280029,748.280029,516160000 +1996-12-04,748.280029,748.400024,738.460022,745.099976,745.099976,498240000 +1996-12-05,745.099976,747.650024,742.609985,744.380005,744.380005,483710000 +1996-12-06,744.380005,744.380005,726.890015,739.599976,739.599976,500860000 +1996-12-09,739.599976,749.760010,739.599976,749.760010,749.760010,381570000 +1996-12-10,749.760010,753.429993,747.020020,747.539978,747.539978,446120000 +1996-12-11,747.539978,747.539978,732.750000,740.729980,740.729980,494210000 +1996-12-12,740.729980,744.859985,729.299988,729.299988,729.299988,492920000 +1996-12-13,729.330017,731.400024,721.969971,728.640015,728.640015,458540000 +1996-12-16,728.640015,732.679993,719.400024,720.979980,720.979980,447560000 +1996-12-17,720.979980,727.669983,716.690002,726.039978,726.039978,519840000 +1996-12-18,726.039978,732.760010,726.039978,731.539978,731.539978,500490000 +1996-12-19,731.539978,746.059998,731.539978,745.760010,745.760010,526410000 +1996-12-20,745.760010,755.409973,745.760010,748.869995,748.869995,654340000 +1996-12-23,748.869995,750.400024,743.280029,746.919983,746.919983,343280000 +1996-12-24,746.919983,751.030029,746.919983,751.030029,751.030029,165140000 +1996-12-26,751.030029,757.070007,751.020020,755.820007,755.820007,254630000 +1996-12-27,755.820007,758.750000,754.820007,756.789978,756.789978,253810000 +1996-12-30,756.789978,759.200012,752.729980,753.849976,753.849976,339060000 +1996-12-31,753.849976,753.950012,740.739990,740.739990,740.739990,399760000 +1997-01-02,740.739990,742.809998,729.549988,737.010010,737.010010,463230000 +1997-01-03,737.010010,748.239990,737.010010,748.030029,748.030029,452970000 +1997-01-06,748.030029,753.309998,743.820007,747.650024,747.650024,531350000 +1997-01-07,747.650024,753.260010,742.179993,753.229980,753.229980,538220000 +1997-01-08,753.229980,755.719971,747.710022,748.409973,748.409973,557510000 +1997-01-09,748.409973,757.679993,748.409973,754.849976,754.849976,555370000 +1997-01-10,754.849976,759.650024,746.919983,759.500000,759.500000,545850000 +1997-01-13,759.500000,762.849976,756.690002,759.510010,759.510010,445400000 +1997-01-14,759.510010,772.039978,759.510010,768.859985,768.859985,531600000 +1997-01-15,768.859985,770.950012,763.719971,767.200012,767.200012,524990000 +1997-01-16,767.200012,772.049988,765.250000,769.750000,769.750000,537290000 +1997-01-17,769.750000,776.369995,769.719971,776.169983,776.169983,534640000 +1997-01-20,776.169983,780.080017,774.190002,776.700012,776.700012,440470000 +1997-01-21,776.700012,783.719971,772.000000,782.719971,782.719971,571280000 +1997-01-22,782.719971,786.229980,779.559998,786.229980,786.229980,589230000 +1997-01-23,786.229980,794.669983,776.640015,777.559998,777.559998,685070000 +1997-01-24,777.559998,778.210022,768.169983,770.520020,770.520020,542920000 +1997-01-27,770.520020,771.429993,764.179993,765.020020,765.020020,445760000 +1997-01-28,765.020020,776.320007,761.750000,765.020020,765.020020,541580000 +1997-01-29,765.020020,772.700012,765.020020,772.500000,772.500000,498390000 +1997-01-30,772.500000,784.169983,772.500000,784.169983,784.169983,524160000 +1997-01-31,784.169983,791.859985,784.169983,786.159973,786.159973,578550000 +1997-02-03,786.159973,787.140015,783.119995,786.729980,786.729980,463600000 +1997-02-04,786.729980,789.280029,783.679993,789.260010,789.260010,506530000 +1997-02-05,789.260010,792.710022,773.429993,778.280029,778.280029,580520000 +1997-02-06,778.280029,780.349976,774.450012,780.150024,780.150024,519660000 +1997-02-07,780.150024,789.719971,778.190002,789.559998,789.559998,540910000 +1997-02-10,789.559998,793.460022,784.690002,785.429993,785.429993,471590000 +1997-02-11,785.429993,789.599976,780.950012,789.590027,789.590027,483090000 +1997-02-12,789.590027,802.770020,789.590027,802.770020,802.770020,563890000 +1997-02-13,802.770020,812.929993,802.770020,811.820007,811.820007,593710000 +1997-02-14,811.820007,812.200012,808.150024,808.479980,808.479980,491540000 +1997-02-18,808.479980,816.289978,806.340027,816.289978,816.289978,474110000 +1997-02-19,816.289978,817.679993,811.200012,812.489990,812.489990,519350000 +1997-02-20,812.489990,812.489990,800.349976,802.799988,802.799988,492220000 +1997-02-21,802.799988,804.940002,799.989990,801.770020,801.770020,478450000 +1997-02-24,801.770020,810.640015,798.419983,810.280029,810.280029,462450000 +1997-02-25,810.280029,812.849976,807.650024,812.030029,812.030029,527450000 +1997-02-26,812.099976,812.700012,798.130005,805.679993,805.679993,573920000 +1997-02-27,805.679993,805.679993,795.059998,795.070007,795.070007,464660000 +1997-02-28,795.070007,795.700012,788.500000,790.820007,790.820007,508280000 +1997-03-03,790.820007,795.309998,785.659973,795.309998,795.309998,437220000 +1997-03-04,795.309998,798.929993,789.979980,790.950012,790.950012,537890000 +1997-03-05,790.950012,801.989990,790.950012,801.989990,801.989990,532500000 +1997-03-06,801.989990,804.109985,797.500000,798.559998,798.559998,540310000 +1997-03-07,798.559998,808.190002,798.559998,804.969971,804.969971,508270000 +1997-03-10,804.969971,813.659973,803.659973,813.650024,813.650024,468780000 +1997-03-11,813.650024,814.900024,810.770020,811.340027,811.340027,493250000 +1997-03-12,811.340027,811.340027,801.070007,804.260010,804.260010,490200000 +1997-03-13,804.260010,804.260010,789.440002,789.559998,789.559998,507560000 +1997-03-14,789.559998,796.880005,789.559998,793.169983,793.169983,491540000 +1997-03-17,793.169983,796.280029,782.979980,795.710022,795.710022,495260000 +1997-03-18,795.710022,797.179993,785.469971,789.659973,789.659973,467330000 +1997-03-19,789.659973,791.590027,780.030029,785.770020,785.770020,535580000 +1997-03-20,785.770020,786.289978,778.039978,782.650024,782.650024,497480000 +1997-03-21,782.650024,786.440002,782.650024,784.099976,784.099976,638760000 +1997-03-24,784.099976,791.010010,780.789978,790.890015,790.890015,451970000 +1997-03-25,790.890015,798.109985,788.390015,789.070007,789.070007,487520000 +1997-03-26,789.070007,794.890015,786.770020,790.500000,790.500000,506670000 +1997-03-27,790.500000,792.580017,767.320007,773.880005,773.880005,476790000 +1997-03-31,773.880005,773.880005,756.130005,757.119995,757.119995,555880000 +1997-04-01,757.119995,761.489990,751.260010,759.640015,759.640015,515770000 +1997-04-02,759.640015,759.650024,747.590027,750.109985,750.109985,478210000 +1997-04-03,750.109985,751.039978,744.400024,750.320007,750.320007,498010000 +1997-04-04,750.320007,757.900024,744.039978,757.900024,757.900024,544580000 +1997-04-07,757.900024,764.820007,757.900024,762.130005,762.130005,453790000 +1997-04-08,762.130005,766.250000,758.359985,766.119995,766.119995,450790000 +1997-04-09,766.119995,769.530029,759.150024,760.599976,760.599976,451500000 +1997-04-10,760.599976,763.729980,757.650024,758.340027,758.340027,421790000 +1997-04-11,758.340027,758.340027,737.640015,737.650024,737.650024,444380000 +1997-04-14,737.650024,743.729980,733.539978,743.729980,743.729980,406800000 +1997-04-15,743.729980,754.719971,743.729980,754.719971,754.719971,507370000 +1997-04-16,754.719971,763.530029,751.989990,763.530029,763.530029,498820000 +1997-04-17,763.530029,768.549988,760.489990,761.770020,761.770020,503760000 +1997-04-18,761.770020,767.929993,761.770020,766.340027,766.340027,468940000 +1997-04-21,766.340027,767.390015,756.380005,760.369995,760.369995,397300000 +1997-04-22,760.369995,774.640015,759.900024,774.609985,774.609985,507500000 +1997-04-23,774.609985,778.190002,771.900024,773.640015,773.640015,489350000 +1997-04-24,773.640015,779.890015,769.719971,771.179993,771.179993,493640000 +1997-04-25,771.179993,771.179993,764.630005,765.369995,765.369995,414350000 +1997-04-28,765.369995,773.890015,763.299988,772.960022,772.960022,404470000 +1997-04-29,772.960022,794.440002,772.960022,794.049988,794.049988,547690000 +1997-04-30,794.049988,804.130005,791.210022,801.340027,801.340027,556070000 +1997-05-01,801.340027,802.950012,793.210022,798.530029,798.530029,460380000 +1997-05-02,798.530029,812.989990,798.530029,812.969971,812.969971,499770000 +1997-05-05,812.969971,830.289978,811.799988,830.289978,830.289978,549410000 +1997-05-06,830.239990,832.289978,824.700012,827.760010,827.760010,603680000 +1997-05-07,827.760010,827.760010,814.700012,815.619995,815.619995,500580000 +1997-05-08,815.619995,829.090027,811.840027,820.260010,820.260010,534120000 +1997-05-09,820.260010,827.690002,815.780029,824.780029,824.780029,455690000 +1997-05-12,824.780029,838.559998,824.780029,837.659973,837.659973,459370000 +1997-05-13,837.659973,838.489990,829.119995,833.130005,833.130005,489760000 +1997-05-14,833.130005,841.289978,833.130005,836.039978,836.039978,504960000 +1997-05-15,836.039978,842.450012,833.340027,841.880005,841.880005,458170000 +1997-05-16,841.880005,841.880005,829.150024,829.750000,829.750000,486780000 +1997-05-19,829.750000,835.919983,828.869995,833.270020,833.270020,345140000 +1997-05-20,833.270020,841.960022,826.409973,841.659973,841.659973,450850000 +1997-05-21,841.659973,846.869995,835.219971,839.349976,839.349976,540730000 +1997-05-22,839.349976,841.909973,833.859985,835.659973,835.659973,426940000 +1997-05-23,835.659973,848.489990,835.659973,847.030029,847.030029,417030000 +1997-05-27,847.030029,851.530029,840.960022,849.710022,849.710022,436150000 +1997-05-28,849.710022,850.950012,843.210022,847.210022,847.210022,487340000 +1997-05-29,847.210022,848.960022,842.609985,844.080017,844.080017,462600000 +1997-05-30,844.080017,851.869995,831.869995,848.280029,848.280029,537200000 +1997-06-02,848.280029,851.340027,844.609985,846.359985,846.359985,435950000 +1997-06-03,846.359985,850.559998,841.510010,845.479980,845.479980,527120000 +1997-06-04,845.479980,845.549988,838.820007,840.109985,840.109985,466690000 +1997-06-05,840.109985,848.890015,840.109985,843.429993,843.429993,452610000 +1997-06-06,843.429993,859.239990,843.359985,858.010010,858.010010,488940000 +1997-06-09,858.010010,865.140015,858.010010,862.909973,862.909973,465810000 +1997-06-10,862.909973,870.049988,862.179993,865.270020,865.270020,526980000 +1997-06-11,865.270020,870.659973,865.150024,869.570007,869.570007,513740000 +1997-06-12,869.570007,884.340027,869.010010,883.460022,883.460022,592730000 +1997-06-13,883.479980,894.690002,883.479980,893.270020,893.270020,575810000 +1997-06-16,893.270020,895.169983,891.210022,893.900024,893.900024,414280000 +1997-06-17,893.900024,897.599976,886.190002,894.419983,894.419983,543010000 +1997-06-18,894.419983,894.419983,887.030029,889.059998,889.059998,491740000 +1997-06-19,889.059998,900.090027,888.989990,897.989990,897.989990,536940000 +1997-06-20,897.989990,901.770020,897.770020,898.700012,898.700012,653110000 +1997-06-23,898.700012,898.700012,878.429993,878.619995,878.619995,492940000 +1997-06-24,878.619995,896.750000,878.619995,896.340027,896.340027,542650000 +1997-06-25,896.340027,902.090027,882.239990,888.989990,888.989990,603040000 +1997-06-26,888.989990,893.210022,879.320007,883.679993,883.679993,499780000 +1997-06-27,883.679993,894.700012,883.679993,887.299988,887.299988,472540000 +1997-06-30,887.299988,892.619995,879.820007,885.140015,885.140015,561540000 +1997-07-01,885.140015,893.880005,884.539978,891.030029,891.030029,544190000 +1997-07-02,891.030029,904.049988,891.030029,904.030029,904.030029,526970000 +1997-07-03,904.030029,917.820007,904.030029,916.919983,916.919983,374680000 +1997-07-07,916.919983,923.260010,909.690002,912.200012,912.200012,518780000 +1997-07-08,912.200012,918.760010,911.559998,918.750000,918.750000,526010000 +1997-07-09,918.750000,922.030029,902.479980,907.539978,907.539978,589110000 +1997-07-10,907.539978,916.539978,904.309998,913.780029,913.780029,551340000 +1997-07-11,913.780029,919.739990,913.109985,916.679993,916.679993,500050000 +1997-07-14,916.679993,921.780029,912.020020,918.380005,918.380005,485960000 +1997-07-15,918.380005,926.150024,914.520020,925.760010,925.760010,598370000 +1997-07-16,925.760010,939.320007,925.760010,936.590027,936.590027,647390000 +1997-07-17,936.590027,936.960022,927.900024,931.609985,931.609985,629250000 +1997-07-18,931.609985,931.609985,912.900024,915.299988,915.299988,589710000 +1997-07-21,915.299988,915.380005,907.119995,912.940002,912.940002,459500000 +1997-07-22,912.940002,934.380005,912.940002,933.979980,933.979980,579590000 +1997-07-23,933.979980,941.799988,933.979980,936.559998,936.559998,616930000 +1997-07-24,936.559998,941.510010,926.909973,940.299988,940.299988,571020000 +1997-07-25,940.299988,945.650024,936.090027,938.789978,938.789978,521510000 +1997-07-28,938.789978,942.969971,935.190002,936.450012,936.450012,466920000 +1997-07-29,936.450012,942.960022,932.559998,942.289978,942.289978,544540000 +1997-07-30,942.289978,953.979980,941.979980,952.289978,952.289978,568470000 +1997-07-31,952.289978,957.729980,948.890015,954.309998,954.309998,547830000 +1997-08-01,954.289978,955.349976,939.039978,947.140015,947.140015,513750000 +1997-08-04,947.140015,953.179993,943.599976,950.299988,950.299988,456000000 +1997-08-05,950.299988,954.210022,948.919983,952.369995,952.369995,525710000 +1997-08-06,952.369995,962.429993,949.450012,960.320007,960.320007,565200000 +1997-08-07,960.320007,964.169983,950.869995,951.190002,951.190002,576030000 +1997-08-08,951.190002,951.190002,925.739990,933.539978,933.539978,563420000 +1997-08-11,933.539978,938.500000,925.390015,937.000000,937.000000,480340000 +1997-08-12,937.000000,942.989990,925.659973,926.530029,926.530029,499310000 +1997-08-13,926.530029,935.770020,916.539978,922.020020,922.020020,587210000 +1997-08-14,922.020020,930.070007,916.919983,924.770020,924.770020,530460000 +1997-08-15,924.770020,924.770020,900.809998,900.809998,900.809998,537820000 +1997-08-18,900.809998,912.570007,893.340027,912.489990,912.489990,514330000 +1997-08-19,912.489990,926.010010,912.489990,926.010010,926.010010,545630000 +1997-08-20,926.010010,939.349976,924.580017,939.349976,939.349976,521270000 +1997-08-21,939.349976,939.469971,921.349976,925.049988,925.049988,499000000 +1997-08-22,925.049988,925.049988,905.419983,923.539978,923.539978,460160000 +1997-08-25,923.549988,930.929993,917.289978,920.159973,920.159973,388990000 +1997-08-26,920.159973,922.469971,911.719971,913.020020,913.020020,449110000 +1997-08-27,913.020020,916.229980,903.830017,913.700012,913.700012,492150000 +1997-08-28,913.700012,915.900024,898.650024,903.669983,903.669983,486300000 +1997-08-29,903.669983,907.280029,896.820007,899.469971,899.469971,413910000 +1997-09-02,899.469971,927.580017,899.469971,927.580017,927.580017,491870000 +1997-09-03,927.580017,935.900024,926.869995,927.859985,927.859985,549060000 +1997-09-04,927.859985,933.359985,925.590027,930.869995,930.869995,559310000 +1997-09-05,930.869995,940.369995,924.049988,929.049988,929.049988,536400000 +1997-09-08,929.049988,936.500000,929.049988,931.200012,931.200012,466430000 +1997-09-09,931.200012,938.900024,927.280029,933.619995,933.619995,502200000 +1997-09-10,933.619995,933.619995,918.760010,919.030029,919.030029,517620000 +1997-09-11,919.030029,919.030029,902.559998,912.590027,912.590027,575020000 +1997-09-12,912.590027,925.049988,906.700012,923.909973,923.909973,544150000 +1997-09-15,923.909973,928.900024,919.409973,919.770020,919.770020,468030000 +1997-09-16,919.770020,947.659973,919.770020,945.640015,945.640015,636380000 +1997-09-17,945.640015,950.289978,941.989990,943.000000,943.000000,590550000 +1997-09-18,943.000000,958.190002,943.000000,947.289978,947.289978,566830000 +1997-09-19,947.289978,952.349976,943.900024,950.510010,950.510010,631040000 +1997-09-22,950.510010,960.590027,950.510010,955.429993,955.429993,490900000 +1997-09-23,955.429993,955.780029,948.070007,951.929993,951.929993,522930000 +1997-09-24,951.929993,959.780029,944.070007,944.479980,944.479980,639460000 +1997-09-25,944.479980,947.000000,937.380005,937.909973,937.909973,524880000 +1997-09-26,937.909973,946.440002,937.909973,945.219971,945.219971,505340000 +1997-09-29,945.219971,953.960022,941.940002,953.340027,953.340027,477100000 +1997-09-30,953.340027,955.169983,947.280029,947.280029,947.280029,587500000 +1997-10-01,947.280029,956.710022,947.280029,955.409973,955.409973,598660000 +1997-10-02,955.409973,960.460022,952.940002,960.460022,960.460022,474760000 +1997-10-03,960.460022,975.469971,955.130005,965.030029,965.030029,623370000 +1997-10-06,965.030029,974.159973,965.030029,972.690002,972.690002,495620000 +1997-10-07,972.690002,983.119995,971.950012,983.119995,983.119995,551970000 +1997-10-08,983.119995,983.119995,968.650024,973.840027,973.840027,573110000 +1997-10-09,973.840027,974.719971,963.340027,970.619995,970.619995,551840000 +1997-10-10,970.619995,970.619995,963.419983,966.979980,966.979980,500680000 +1997-10-13,966.979980,973.460022,966.950012,968.099976,968.099976,354800000 +1997-10-14,968.099976,972.859985,961.869995,970.280029,970.280029,510330000 +1997-10-15,970.280029,970.280029,962.750000,965.719971,965.719971,505310000 +1997-10-16,965.719971,973.380005,950.770020,955.250000,955.250000,597010000 +1997-10-17,955.229980,955.229980,931.580017,944.159973,944.159973,624980000 +1997-10-20,944.159973,955.719971,941.429993,955.609985,955.609985,483880000 +1997-10-21,955.609985,972.559998,955.609985,972.280029,972.280029,582310000 +1997-10-22,972.280029,972.609985,965.659973,968.489990,968.489990,613490000 +1997-10-23,968.489990,968.489990,944.159973,950.690002,950.690002,673270000 +1997-10-24,950.690002,960.039978,937.549988,941.640015,941.640015,677630000 +1997-10-27,941.640015,941.640015,876.729980,876.989990,876.989990,693730000 +1997-10-28,876.989990,923.090027,855.270020,921.849976,921.849976,1202550000 +1997-10-29,921.849976,935.239990,913.880005,919.159973,919.159973,777660000 +1997-10-30,919.159973,923.280029,903.679993,903.679993,903.679993,712230000 +1997-10-31,903.679993,919.929993,903.679993,914.619995,914.619995,638070000 +1997-11-03,914.619995,939.020020,914.619995,938.989990,938.989990,564740000 +1997-11-04,938.989990,941.400024,932.659973,940.760010,940.760010,541590000 +1997-11-05,940.760010,949.619995,938.159973,942.760010,942.760010,565680000 +1997-11-06,942.760010,942.849976,934.159973,938.030029,938.030029,522890000 +1997-11-07,938.030029,938.030029,915.390015,927.510010,927.510010,569980000 +1997-11-10,927.510010,935.900024,920.260010,921.130005,921.130005,464140000 +1997-11-11,921.130005,928.289978,919.630005,923.780029,923.780029,435660000 +1997-11-12,923.780029,923.880005,905.340027,905.960022,905.960022,585340000 +1997-11-13,905.960022,917.789978,900.609985,916.659973,916.659973,653960000 +1997-11-14,916.659973,930.440002,915.340027,928.349976,928.349976,635760000 +1997-11-17,928.349976,949.659973,928.349976,946.200012,946.200012,576540000 +1997-11-18,946.200012,947.650024,937.429993,938.229980,938.229980,521380000 +1997-11-19,938.229980,947.280029,934.830017,944.590027,944.590027,542720000 +1997-11-20,944.590027,961.830017,944.590027,958.979980,958.979980,602610000 +1997-11-21,958.979980,964.549988,954.599976,963.090027,963.090027,611000000 +1997-11-24,963.090027,963.090027,945.219971,946.669983,946.669983,514920000 +1997-11-25,946.669983,954.469971,944.710022,950.820007,950.820007,587890000 +1997-11-26,950.820007,956.469971,950.820007,951.640015,951.640015,487750000 +1997-11-28,951.640015,959.130005,951.640015,955.400024,955.400024,189070000 +1997-12-01,955.400024,974.770020,955.400024,974.770020,974.770020,590300000 +1997-12-02,974.780029,976.200012,969.830017,971.679993,971.679993,576120000 +1997-12-03,971.679993,980.809998,966.159973,976.770020,976.770020,624610000 +1997-12-04,976.770020,983.359985,971.369995,973.099976,973.099976,633470000 +1997-12-05,973.099976,986.250000,969.099976,983.789978,983.789978,563590000 +1997-12-08,983.789978,985.669983,979.570007,982.369995,982.369995,490320000 +1997-12-09,982.369995,982.369995,973.809998,975.780029,975.780029,539130000 +1997-12-10,975.780029,975.780029,962.679993,969.789978,969.789978,602290000 +1997-12-11,969.789978,969.789978,951.890015,954.940002,954.940002,631770000 +1997-12-12,954.940002,961.320007,947.000000,953.390015,953.390015,579280000 +1997-12-15,953.390015,965.960022,953.390015,963.390015,963.390015,597150000 +1997-12-16,963.390015,973.000000,963.390015,968.039978,968.039978,623320000 +1997-12-17,968.039978,974.299988,964.250000,965.539978,965.539978,618900000 +1997-12-18,965.539978,965.539978,950.549988,955.299988,955.299988,618870000 +1997-12-19,955.299988,955.299988,924.919983,946.780029,946.780029,793200000 +1997-12-22,946.780029,956.729980,946.250000,953.700012,953.700012,530670000 +1997-12-23,953.700012,954.510010,938.909973,939.130005,939.130005,515070000 +1997-12-24,939.130005,942.880005,932.700012,932.700012,932.700012,265980000 +1997-12-26,932.700012,939.989990,932.700012,936.460022,936.460022,154900000 +1997-12-29,936.460022,953.950012,936.460022,953.349976,953.349976,443160000 +1997-12-30,953.349976,970.840027,953.349976,970.840027,970.840027,499500000 +1997-12-31,970.840027,975.020020,967.409973,970.429993,970.429993,467280000 +1998-01-02,970.429993,975.039978,965.729980,975.039978,975.039978,366730000 +1998-01-05,975.039978,982.630005,969.000000,977.070007,977.070007,628070000 +1998-01-06,977.070007,977.070007,962.679993,966.580017,966.580017,618360000 +1998-01-07,966.580017,966.580017,952.669983,964.000000,964.000000,667390000 +1998-01-08,964.000000,964.000000,955.039978,956.049988,956.049988,652140000 +1998-01-09,956.049988,956.049988,921.719971,927.690002,927.690002,746420000 +1998-01-12,927.690002,939.250000,912.830017,939.210022,939.210022,705450000 +1998-01-13,939.210022,952.140015,939.210022,952.119995,952.119995,646740000 +1998-01-14,952.119995,958.119995,948.000000,957.940002,957.940002,603280000 +1998-01-15,957.940002,957.940002,950.270020,950.729980,950.729980,569050000 +1998-01-16,950.729980,965.119995,950.729980,961.510010,961.510010,670080000 +1998-01-20,961.510010,978.599976,961.479980,978.599976,978.599976,644790000 +1998-01-21,978.599976,978.599976,963.289978,970.809998,970.809998,626160000 +1998-01-22,970.809998,970.809998,959.489990,963.039978,963.039978,646570000 +1998-01-23,963.039978,966.440002,950.859985,957.590027,957.590027,635770000 +1998-01-26,957.590027,963.039978,954.239990,956.950012,956.950012,555080000 +1998-01-27,956.950012,973.229980,956.260010,969.020020,969.020020,679140000 +1998-01-28,969.020020,978.630005,969.020020,977.460022,977.460022,708470000 +1998-01-29,977.460022,992.650024,975.210022,985.489990,985.489990,750760000 +1998-01-30,985.489990,987.409973,979.630005,980.280029,980.280029,613380000 +1998-02-02,980.280029,1002.479980,980.280029,1001.270020,1001.270020,724320000 +1998-02-03,1001.270020,1006.130005,996.900024,1006.000000,1006.000000,692120000 +1998-02-04,1006.000000,1009.520020,999.429993,1006.900024,1006.900024,695420000 +1998-02-05,1006.900024,1013.510010,1000.270020,1003.539978,1003.539978,703980000 +1998-02-06,1003.539978,1013.070007,1003.359985,1012.460022,1012.460022,569650000 +1998-02-09,1012.460022,1015.330017,1006.280029,1010.739990,1010.739990,524810000 +1998-02-10,1010.739990,1022.150024,1010.710022,1019.010010,1019.010010,642800000 +1998-02-11,1019.010010,1020.710022,1016.380005,1020.010010,1020.010010,599300000 +1998-02-12,1020.010010,1026.300049,1008.549988,1024.140015,1024.140015,611480000 +1998-02-13,1024.140015,1024.140015,1017.710022,1020.090027,1020.090027,531940000 +1998-02-17,1020.090027,1028.020020,1020.090027,1022.760010,1022.760010,605890000 +1998-02-18,1022.760010,1032.079956,1021.700012,1032.079956,1032.079956,606000000 +1998-02-19,1032.079956,1032.930054,1026.619995,1028.280029,1028.280029,581820000 +1998-02-20,1028.280029,1034.209961,1022.690002,1034.209961,1034.209961,594300000 +1998-02-23,1034.209961,1038.680054,1031.760010,1038.140015,1038.140015,550730000 +1998-02-24,1038.140015,1038.729980,1028.890015,1030.560059,1030.560059,589880000 +1998-02-25,1030.560059,1045.790039,1030.560059,1042.900024,1042.900024,611350000 +1998-02-26,1042.900024,1048.680054,1039.849976,1048.670044,1048.670044,646280000 +1998-02-27,1048.670044,1051.660034,1044.400024,1049.339966,1049.339966,574480000 +1998-03-02,1049.339966,1053.979980,1044.699951,1047.699951,1047.699951,591470000 +1998-03-03,1047.699951,1052.020020,1043.410034,1052.020020,1052.020020,612360000 +1998-03-04,1052.020020,1052.020020,1042.739990,1047.329956,1047.329956,644280000 +1998-03-05,1047.329956,1047.329956,1030.869995,1035.050049,1035.050049,648270000 +1998-03-06,1035.050049,1055.689941,1035.050049,1055.689941,1055.689941,665500000 +1998-03-09,1055.689941,1058.550049,1050.020020,1052.310059,1052.310059,624700000 +1998-03-10,1052.310059,1064.589966,1052.310059,1064.250000,1064.250000,631920000 +1998-03-11,1064.250000,1069.180054,1064.219971,1068.469971,1068.469971,655260000 +1998-03-12,1068.469971,1071.869995,1063.540039,1069.920044,1069.920044,594940000 +1998-03-13,1069.920044,1075.859985,1066.569946,1068.609985,1068.609985,597800000 +1998-03-16,1068.609985,1079.459961,1068.609985,1079.270020,1079.270020,548980000 +1998-03-17,1079.270020,1080.520020,1073.290039,1080.449951,1080.449951,680960000 +1998-03-18,1080.449951,1085.520020,1077.770020,1085.520020,1085.520020,632690000 +1998-03-19,1085.520020,1089.739990,1084.300049,1089.739990,1089.739990,598240000 +1998-03-20,1089.739990,1101.040039,1089.390015,1099.160034,1099.160034,717310000 +1998-03-23,1099.160034,1101.160034,1094.250000,1095.550049,1095.550049,631350000 +1998-03-24,1095.550049,1106.750000,1095.550049,1105.650024,1105.650024,605720000 +1998-03-25,1105.650024,1113.069946,1092.839966,1101.930054,1101.930054,676550000 +1998-03-26,1101.930054,1106.280029,1097.000000,1100.800049,1100.800049,606770000 +1998-03-27,1100.800049,1107.180054,1091.140015,1095.439941,1095.439941,582190000 +1998-03-30,1095.439941,1099.099976,1090.020020,1093.599976,1093.599976,497400000 +1998-03-31,1093.550049,1110.130005,1093.550049,1101.750000,1101.750000,674930000 +1998-04-01,1101.750000,1109.189941,1095.290039,1108.150024,1108.150024,677310000 +1998-04-02,1108.150024,1121.010010,1107.890015,1120.010010,1120.010010,674340000 +1998-04-03,1120.010010,1126.359985,1118.119995,1122.699951,1122.699951,653880000 +1998-04-06,1122.699951,1131.989990,1121.369995,1121.380005,1121.380005,625810000 +1998-04-07,1121.380005,1121.380005,1102.439941,1109.550049,1109.550049,670760000 +1998-04-08,1109.550049,1111.599976,1098.209961,1101.650024,1101.650024,616330000 +1998-04-09,1101.650024,1111.449951,1101.650024,1110.670044,1110.670044,548940000 +1998-04-13,1110.670044,1110.750000,1100.599976,1109.689941,1109.689941,564480000 +1998-04-14,1109.689941,1115.949951,1109.479980,1115.750000,1115.750000,613730000 +1998-04-15,1115.750000,1119.900024,1112.239990,1119.319946,1119.319946,685020000 +1998-04-16,1119.319946,1119.319946,1105.270020,1108.170044,1108.170044,699570000 +1998-04-17,1108.170044,1122.719971,1104.949951,1122.719971,1122.719971,672290000 +1998-04-20,1122.719971,1124.880005,1118.430054,1123.650024,1123.650024,595190000 +1998-04-21,1123.650024,1129.650024,1119.540039,1126.670044,1126.670044,675640000 +1998-04-22,1126.670044,1132.979980,1126.290039,1130.540039,1130.540039,696740000 +1998-04-23,1130.540039,1130.540039,1117.489990,1119.579956,1119.579956,653190000 +1998-04-24,1119.579956,1122.810059,1104.770020,1107.900024,1107.900024,633890000 +1998-04-27,1107.900024,1107.900024,1076.699951,1086.540039,1086.540039,685960000 +1998-04-28,1086.540039,1095.939941,1081.489990,1085.109985,1085.109985,678600000 +1998-04-29,1085.109985,1098.239990,1084.650024,1094.619995,1094.619995,638790000 +1998-04-30,1094.630005,1116.969971,1094.630005,1111.750000,1111.750000,695600000 +1998-05-01,1111.750000,1121.020020,1111.750000,1121.000000,1121.000000,581970000 +1998-05-04,1121.000000,1130.520020,1121.000000,1122.069946,1122.069946,551700000 +1998-05-05,1122.069946,1122.069946,1111.160034,1115.500000,1115.500000,583630000 +1998-05-06,1115.500000,1118.390015,1104.640015,1104.920044,1104.920044,606540000 +1998-05-07,1104.920044,1105.579956,1094.589966,1095.140015,1095.140015,582240000 +1998-05-08,1095.140015,1111.420044,1094.530029,1108.140015,1108.140015,567890000 +1998-05-11,1108.140015,1119.130005,1103.719971,1106.640015,1106.640015,560840000 +1998-05-12,1106.640015,1115.959961,1102.780029,1115.790039,1115.790039,604420000 +1998-05-13,1115.790039,1122.219971,1114.930054,1118.859985,1118.859985,600010000 +1998-05-14,1118.859985,1124.030029,1112.430054,1117.369995,1117.369995,578380000 +1998-05-15,1117.369995,1118.660034,1107.109985,1108.729980,1108.729980,621990000 +1998-05-18,1108.729980,1112.439941,1097.989990,1105.819946,1105.819946,519100000 +1998-05-19,1105.819946,1113.500000,1105.819946,1109.520020,1109.520020,566020000 +1998-05-20,1109.520020,1119.079956,1107.510010,1119.060059,1119.060059,587240000 +1998-05-21,1119.060059,1124.449951,1111.939941,1114.640015,1114.640015,551970000 +1998-05-22,1114.640015,1116.890015,1107.989990,1110.469971,1110.469971,444070000 +1998-05-26,1110.469971,1116.790039,1094.010010,1094.020020,1094.020020,541410000 +1998-05-27,1094.020020,1094.439941,1074.390015,1092.229980,1092.229980,682040000 +1998-05-28,1092.229980,1099.729980,1089.060059,1097.599976,1097.599976,588900000 +1998-05-29,1097.599976,1104.160034,1090.819946,1090.819946,1090.819946,556780000 +1998-06-01,1090.819946,1097.849976,1084.219971,1090.979980,1090.979980,537660000 +1998-06-02,1090.979980,1098.709961,1089.670044,1093.219971,1093.219971,590930000 +1998-06-03,1093.219971,1097.430054,1081.089966,1082.729980,1082.729980,584480000 +1998-06-04,1082.729980,1095.930054,1078.099976,1094.829956,1094.829956,577470000 +1998-06-05,1095.099976,1113.880005,1094.829956,1113.859985,1113.859985,558440000 +1998-06-08,1113.859985,1119.699951,1113.310059,1115.719971,1115.719971,543390000 +1998-06-09,1115.719971,1119.920044,1111.310059,1118.410034,1118.410034,563610000 +1998-06-10,1118.410034,1126.000000,1110.270020,1112.280029,1112.280029,609410000 +1998-06-11,1112.280029,1114.199951,1094.280029,1094.579956,1094.579956,627470000 +1998-06-12,1094.579956,1098.839966,1080.829956,1098.839966,1098.839966,633300000 +1998-06-15,1098.839966,1098.839966,1077.010010,1077.010010,1077.010010,595820000 +1998-06-16,1077.010010,1087.589966,1074.670044,1087.589966,1087.589966,664600000 +1998-06-17,1087.589966,1112.869995,1087.579956,1107.109985,1107.109985,744400000 +1998-06-18,1107.109985,1109.359985,1103.709961,1106.369995,1106.369995,590440000 +1998-06-19,1106.369995,1111.250000,1097.099976,1100.650024,1100.650024,715500000 +1998-06-22,1100.650024,1109.010010,1099.420044,1103.209961,1103.209961,531550000 +1998-06-23,1103.209961,1119.489990,1103.209961,1119.489990,1119.489990,657100000 +1998-06-24,1119.489990,1134.400024,1115.099976,1132.880005,1132.880005,714900000 +1998-06-25,1132.880005,1142.040039,1127.599976,1129.280029,1129.280029,669900000 +1998-06-26,1129.280029,1136.829956,1129.280029,1133.199951,1133.199951,520050000 +1998-06-29,1133.199951,1145.150024,1133.199951,1138.489990,1138.489990,564350000 +1998-06-30,1138.489990,1140.800049,1131.979980,1133.839966,1133.839966,757200000 +1998-07-01,1133.839966,1148.560059,1133.839966,1148.560059,1148.560059,701600000 +1998-07-02,1148.560059,1148.560059,1142.989990,1146.420044,1146.420044,510210000 +1998-07-06,1146.420044,1157.329956,1145.030029,1157.329956,1157.329956,514750000 +1998-07-07,1157.329956,1159.810059,1152.849976,1154.660034,1154.660034,624890000 +1998-07-08,1154.660034,1166.890015,1154.660034,1166.380005,1166.380005,607230000 +1998-07-09,1166.380005,1166.380005,1156.030029,1158.560059,1158.560059,663600000 +1998-07-10,1158.569946,1166.930054,1150.880005,1164.329956,1164.329956,576080000 +1998-07-13,1164.329956,1166.979980,1160.209961,1165.189941,1165.189941,574880000 +1998-07-14,1165.189941,1179.760010,1165.189941,1177.579956,1177.579956,700300000 +1998-07-15,1177.579956,1181.479980,1174.729980,1174.810059,1174.810059,723900000 +1998-07-16,1174.810059,1184.020020,1170.400024,1183.989990,1183.989990,677800000 +1998-07-17,1183.989990,1188.099976,1182.420044,1186.750000,1186.750000,618030000 +1998-07-20,1186.750000,1190.579956,1179.189941,1184.099976,1184.099976,560580000 +1998-07-21,1184.099976,1187.369995,1163.050049,1165.069946,1165.069946,659700000 +1998-07-22,1165.069946,1167.670044,1155.199951,1164.079956,1164.079956,739800000 +1998-07-23,1164.079956,1164.349976,1139.750000,1139.750000,1139.750000,741600000 +1998-07-24,1139.750000,1150.140015,1129.109985,1140.800049,1140.800049,698600000 +1998-07-27,1140.800049,1147.270020,1128.189941,1147.270020,1147.270020,619990000 +1998-07-28,1147.270020,1147.270020,1119.439941,1130.239990,1130.239990,703600000 +1998-07-29,1130.239990,1138.560059,1121.979980,1125.209961,1125.209961,644350000 +1998-07-30,1125.209961,1143.069946,1125.209961,1142.949951,1142.949951,687400000 +1998-07-31,1142.949951,1142.969971,1114.300049,1120.670044,1120.670044,645910000 +1998-08-03,1120.670044,1121.790039,1110.390015,1112.439941,1112.439941,620400000 +1998-08-04,1112.439941,1119.729980,1071.819946,1072.119995,1072.119995,852600000 +1998-08-05,1072.119995,1084.800049,1057.349976,1081.430054,1081.430054,851600000 +1998-08-06,1081.430054,1090.949951,1074.939941,1089.630005,1089.630005,768400000 +1998-08-07,1089.630005,1102.540039,1084.719971,1089.449951,1089.449951,759100000 +1998-08-10,1089.449951,1092.819946,1081.760010,1083.140015,1083.140015,579180000 +1998-08-11,1083.140015,1083.140015,1054.000000,1068.979980,1068.979980,774400000 +1998-08-12,1068.979980,1084.699951,1068.979980,1084.219971,1084.219971,711700000 +1998-08-13,1084.219971,1091.500000,1074.910034,1074.910034,1074.910034,660700000 +1998-08-14,1074.910034,1083.920044,1057.219971,1062.750000,1062.750000,644030000 +1998-08-17,1062.750000,1083.670044,1055.079956,1083.670044,1083.670044,584380000 +1998-08-18,1083.670044,1101.719971,1083.670044,1101.199951,1101.199951,690600000 +1998-08-19,1101.199951,1106.319946,1094.930054,1098.060059,1098.060059,633630000 +1998-08-20,1098.060059,1098.790039,1089.550049,1091.599976,1091.599976,621630000 +1998-08-21,1091.599976,1091.599976,1054.920044,1081.239990,1081.239990,725700000 +1998-08-24,1081.239990,1093.819946,1081.239990,1088.140015,1088.140015,558100000 +1998-08-25,1088.140015,1106.640015,1085.530029,1092.849976,1092.849976,664900000 +1998-08-26,1092.849976,1092.849976,1075.910034,1084.189941,1084.189941,674100000 +1998-08-27,1084.189941,1084.189941,1037.609985,1042.589966,1042.589966,938600000 +1998-08-28,1042.589966,1051.800049,1021.039978,1027.140015,1027.140015,840300000 +1998-08-31,1027.140015,1033.469971,957.280029,957.280029,957.280029,917500000 +1998-09-01,957.280029,1000.710022,939.979980,994.260010,994.260010,1216600000 +1998-09-02,994.260010,1013.190002,988.400024,990.479980,990.479980,894600000 +1998-09-03,990.469971,990.469971,969.320007,982.260010,982.260010,880500000 +1998-09-04,982.260010,991.409973,956.510010,973.890015,973.890015,780300000 +1998-09-08,973.890015,1023.460022,973.890015,1023.460022,1023.460022,814800000 +1998-09-09,1023.460022,1027.719971,1004.559998,1006.200012,1006.200012,704300000 +1998-09-10,1006.200012,1006.200012,968.640015,980.190002,980.190002,880300000 +1998-09-11,980.190002,1009.059998,969.710022,1009.059998,1009.059998,819100000 +1998-09-14,1009.059998,1038.380005,1009.059998,1029.719971,1029.719971,714400000 +1998-09-15,1029.719971,1037.900024,1021.419983,1037.680054,1037.680054,724600000 +1998-09-16,1037.680054,1046.069946,1029.310059,1045.479980,1045.479980,797500000 +1998-09-17,1045.479980,1045.479980,1016.049988,1018.869995,1018.869995,694500000 +1998-09-18,1018.869995,1022.010010,1011.859985,1020.090027,1020.090027,794700000 +1998-09-21,1020.090027,1026.020020,993.820007,1023.890015,1023.890015,609880000 +1998-09-22,1023.890015,1033.890015,1021.960022,1029.630005,1029.630005,694900000 +1998-09-23,1029.630005,1066.089966,1029.630005,1066.089966,1066.089966,899700000 +1998-09-24,1066.089966,1066.109985,1033.040039,1042.719971,1042.719971,805900000 +1998-09-25,1042.719971,1051.890015,1028.489990,1044.750000,1044.750000,736800000 +1998-09-28,1044.750000,1061.459961,1042.229980,1048.689941,1048.689941,690500000 +1998-09-29,1048.689941,1056.310059,1039.880005,1049.020020,1049.020020,760100000 +1998-09-30,1049.020020,1049.020020,1015.729980,1017.010010,1017.010010,800100000 +1998-10-01,1017.010010,1017.010010,981.289978,986.390015,986.390015,899700000 +1998-10-02,986.390015,1005.450012,971.690002,1002.599976,1002.599976,902900000 +1998-10-05,1002.599976,1002.599976,964.719971,988.559998,988.559998,817500000 +1998-10-06,988.559998,1008.770020,974.809998,984.590027,984.590027,845700000 +1998-10-07,984.590027,995.659973,957.150024,970.679993,970.679993,977000000 +1998-10-08,970.679993,970.679993,923.320007,959.440002,959.440002,1114600000 +1998-10-09,959.440002,984.419983,953.039978,984.390015,984.390015,878100000 +1998-10-12,984.390015,1010.710022,984.390015,997.710022,997.710022,691100000 +1998-10-13,997.710022,1000.780029,987.549988,994.799988,994.799988,733300000 +1998-10-14,994.799988,1014.419983,987.799988,1005.530029,1005.530029,791200000 +1998-10-15,1005.530029,1053.089966,1000.119995,1047.489990,1047.489990,937600000 +1998-10-16,1047.489990,1062.650024,1047.489990,1056.420044,1056.420044,1042200000 +1998-10-19,1056.420044,1065.209961,1054.229980,1062.390015,1062.390015,738600000 +1998-10-20,1062.390015,1084.060059,1060.609985,1063.930054,1063.930054,958200000 +1998-10-21,1063.930054,1073.609985,1058.079956,1069.920044,1069.920044,745100000 +1998-10-22,1069.920044,1080.430054,1061.469971,1078.479980,1078.479980,754900000 +1998-10-23,1078.479980,1078.479980,1067.430054,1070.670044,1070.670044,637640000 +1998-10-26,1070.670044,1081.229980,1068.170044,1072.319946,1072.319946,609910000 +1998-10-27,1072.319946,1087.079956,1063.060059,1065.339966,1065.339966,764500000 +1998-10-28,1065.339966,1072.790039,1059.650024,1068.089966,1068.089966,677500000 +1998-10-29,1068.089966,1086.109985,1065.949951,1085.930054,1085.930054,699400000 +1998-10-30,1085.930054,1103.780029,1085.930054,1098.670044,1098.670044,785000000 +1998-11-02,1098.670044,1114.439941,1098.670044,1111.599976,1111.599976,753800000 +1998-11-03,1111.599976,1115.020020,1106.420044,1110.839966,1110.839966,704300000 +1998-11-04,1110.839966,1127.180054,1110.589966,1118.670044,1118.670044,861100000 +1998-11-05,1118.670044,1133.880005,1109.550049,1133.849976,1133.849976,770200000 +1998-11-06,1133.849976,1141.300049,1131.180054,1141.010010,1141.010010,683100000 +1998-11-09,1141.010010,1141.010010,1123.170044,1130.199951,1130.199951,592990000 +1998-11-10,1130.199951,1135.369995,1122.800049,1128.260010,1128.260010,671300000 +1998-11-11,1128.260010,1136.250000,1117.400024,1120.969971,1120.969971,715700000 +1998-11-12,1120.969971,1126.569946,1115.550049,1117.689941,1117.689941,662300000 +1998-11-13,1117.689941,1126.339966,1116.760010,1125.719971,1125.719971,602270000 +1998-11-16,1125.719971,1138.719971,1125.719971,1135.869995,1135.869995,615580000 +1998-11-17,1135.869995,1151.709961,1129.670044,1139.319946,1139.319946,705200000 +1998-11-18,1139.319946,1144.520020,1133.069946,1144.479980,1144.479980,652510000 +1998-11-19,1144.479980,1155.099976,1144.420044,1152.609985,1152.609985,671000000 +1998-11-20,1152.609985,1163.550049,1152.609985,1163.550049,1163.550049,721200000 +1998-11-23,1163.550049,1188.209961,1163.550049,1188.209961,1188.209961,774100000 +1998-11-24,1188.209961,1191.300049,1181.810059,1182.989990,1182.989990,766200000 +1998-11-25,1182.989990,1187.160034,1179.369995,1186.869995,1186.869995,583580000 +1998-11-27,1186.869995,1192.969971,1186.829956,1192.329956,1192.329956,256950000 +1998-11-30,1192.329956,1192.719971,1163.630005,1163.630005,1163.630005,687900000 +1998-12-01,1163.630005,1175.890015,1150.310059,1175.280029,1175.280029,789200000 +1998-12-02,1175.280029,1175.280029,1157.760010,1171.250000,1171.250000,727400000 +1998-12-03,1171.250000,1176.989990,1149.609985,1150.140015,1150.140015,799100000 +1998-12-04,1150.140015,1176.739990,1150.140015,1176.739990,1176.739990,709700000 +1998-12-07,1176.739990,1188.959961,1176.709961,1187.699951,1187.699951,671200000 +1998-12-08,1187.699951,1193.530029,1172.780029,1181.380005,1181.380005,727700000 +1998-12-09,1181.380005,1185.219971,1175.890015,1183.489990,1183.489990,694200000 +1998-12-10,1183.489990,1183.770020,1163.750000,1165.020020,1165.020020,748600000 +1998-12-11,1165.020020,1167.890015,1153.189941,1166.459961,1166.459961,688900000 +1998-12-14,1166.459961,1166.459961,1136.890015,1141.199951,1141.199951,741800000 +1998-12-15,1141.199951,1162.829956,1141.199951,1162.829956,1162.829956,777900000 +1998-12-16,1162.829956,1166.290039,1154.689941,1161.939941,1161.939941,725500000 +1998-12-17,1161.939941,1180.030029,1161.939941,1179.979980,1179.979980,739400000 +1998-12-18,1179.979980,1188.890015,1178.270020,1188.030029,1188.030029,839600000 +1998-12-21,1188.030029,1210.880005,1188.030029,1202.839966,1202.839966,744800000 +1998-12-22,1202.839966,1209.219971,1192.719971,1203.569946,1203.569946,680500000 +1998-12-23,1203.569946,1229.890015,1203.569946,1228.540039,1228.540039,697500000 +1998-12-24,1228.540039,1229.719971,1224.849976,1226.270020,1226.270020,246980000 +1998-12-28,1226.270020,1231.520020,1221.170044,1225.489990,1225.489990,531560000 +1998-12-29,1225.489990,1241.859985,1220.780029,1241.810059,1241.810059,586490000 +1998-12-30,1241.810059,1244.930054,1231.199951,1231.930054,1231.930054,594220000 +1998-12-31,1231.930054,1237.180054,1224.959961,1229.229980,1229.229980,719200000 +1999-01-04,1229.229980,1248.810059,1219.099976,1228.099976,1228.099976,877000000 +1999-01-05,1228.099976,1246.109985,1228.099976,1244.780029,1244.780029,775000000 +1999-01-06,1244.780029,1272.500000,1244.780029,1272.339966,1272.339966,986900000 +1999-01-07,1272.339966,1272.339966,1257.680054,1269.729980,1269.729980,863000000 +1999-01-08,1269.729980,1278.239990,1261.819946,1275.089966,1275.089966,937800000 +1999-01-11,1275.089966,1276.219971,1253.339966,1263.880005,1263.880005,818000000 +1999-01-12,1263.880005,1264.449951,1238.290039,1239.510010,1239.510010,800200000 +1999-01-13,1239.510010,1247.750000,1205.459961,1234.400024,1234.400024,931500000 +1999-01-14,1234.400024,1236.810059,1209.540039,1212.189941,1212.189941,797200000 +1999-01-15,1212.189941,1243.260010,1212.189941,1243.260010,1243.260010,798100000 +1999-01-19,1243.260010,1253.270020,1234.910034,1252.000000,1252.000000,785500000 +1999-01-20,1252.000000,1274.069946,1251.540039,1256.619995,1256.619995,905700000 +1999-01-21,1256.619995,1256.939941,1232.189941,1235.160034,1235.160034,871800000 +1999-01-22,1235.160034,1236.410034,1217.969971,1225.189941,1225.189941,785900000 +1999-01-25,1225.189941,1233.979980,1219.459961,1233.979980,1233.979980,723900000 +1999-01-26,1233.979980,1253.250000,1233.979980,1252.310059,1252.310059,896400000 +1999-01-27,1252.310059,1262.609985,1242.819946,1243.170044,1243.170044,893800000 +1999-01-28,1243.170044,1266.400024,1243.170044,1265.369995,1265.369995,848800000 +1999-01-29,1265.369995,1280.369995,1255.180054,1279.640015,1279.640015,917000000 +1999-02-01,1279.640015,1283.750000,1271.310059,1273.000000,1273.000000,799400000 +1999-02-02,1273.000000,1273.489990,1247.560059,1261.989990,1261.989990,845500000 +1999-02-03,1261.989990,1276.040039,1255.270020,1272.069946,1272.069946,876500000 +1999-02-04,1272.069946,1272.229980,1248.359985,1248.489990,1248.489990,854400000 +1999-02-05,1248.489990,1251.859985,1232.280029,1239.400024,1239.400024,872000000 +1999-02-08,1239.400024,1246.930054,1231.979980,1243.770020,1243.770020,705400000 +1999-02-09,1243.770020,1243.969971,1215.630005,1216.140015,1216.140015,736000000 +1999-02-10,1216.140015,1226.780029,1211.890015,1223.550049,1223.550049,721400000 +1999-02-11,1223.550049,1254.050049,1223.189941,1254.040039,1254.040039,815800000 +1999-02-12,1254.040039,1254.040039,1225.530029,1230.130005,1230.130005,691500000 +1999-02-16,1230.130005,1252.170044,1230.130005,1241.869995,1241.869995,653760000 +1999-02-17,1241.869995,1249.310059,1220.920044,1224.030029,1224.030029,735100000 +1999-02-18,1224.030029,1239.130005,1220.699951,1237.280029,1237.280029,742400000 +1999-02-19,1237.280029,1247.910034,1232.030029,1239.219971,1239.219971,700000000 +1999-02-22,1239.219971,1272.219971,1239.219971,1272.140015,1272.140015,718500000 +1999-02-23,1272.140015,1280.380005,1263.359985,1271.180054,1271.180054,781100000 +1999-02-24,1271.180054,1283.839966,1251.939941,1253.410034,1253.410034,782000000 +1999-02-25,1253.410034,1253.410034,1225.010010,1245.020020,1245.020020,740500000 +1999-02-26,1245.020020,1246.729980,1226.239990,1238.329956,1238.329956,784600000 +1999-03-01,1238.329956,1238.699951,1221.880005,1236.160034,1236.160034,699500000 +1999-03-02,1236.160034,1248.310059,1221.869995,1225.500000,1225.500000,753600000 +1999-03-03,1225.500000,1231.630005,1216.030029,1227.699951,1227.699951,751700000 +1999-03-04,1227.699951,1247.739990,1227.699951,1246.640015,1246.640015,770900000 +1999-03-05,1246.640015,1275.729980,1246.640015,1275.469971,1275.469971,834900000 +1999-03-08,1275.469971,1282.739990,1271.579956,1282.729980,1282.729980,714600000 +1999-03-09,1282.729980,1293.739990,1275.109985,1279.839966,1279.839966,803700000 +1999-03-10,1279.839966,1287.020020,1275.160034,1286.839966,1286.839966,841900000 +1999-03-11,1286.839966,1306.430054,1286.839966,1297.680054,1297.680054,904800000 +1999-03-12,1297.680054,1304.420044,1289.170044,1294.589966,1294.589966,825800000 +1999-03-15,1294.589966,1307.469971,1291.030029,1307.260010,1307.260010,727200000 +1999-03-16,1307.260010,1311.109985,1302.290039,1306.380005,1306.380005,751900000 +1999-03-17,1306.380005,1306.550049,1292.630005,1297.819946,1297.819946,752300000 +1999-03-18,1297.819946,1317.619995,1294.750000,1316.550049,1316.550049,831000000 +1999-03-19,1316.550049,1323.819946,1298.920044,1299.290039,1299.290039,914700000 +1999-03-22,1299.290039,1303.839966,1294.260010,1297.010010,1297.010010,658200000 +1999-03-23,1297.010010,1297.010010,1257.459961,1262.140015,1262.140015,811300000 +1999-03-24,1262.140015,1269.020020,1256.430054,1268.589966,1268.589966,761900000 +1999-03-25,1268.589966,1289.989990,1268.589966,1289.989990,1289.989990,784200000 +1999-03-26,1289.989990,1289.989990,1277.250000,1282.800049,1282.800049,707200000 +1999-03-29,1282.800049,1311.760010,1282.800049,1310.170044,1310.170044,747900000 +1999-03-30,1310.170044,1310.170044,1295.469971,1300.750000,1300.750000,729000000 +1999-03-31,1300.750000,1313.599976,1285.869995,1286.369995,1286.369995,924300000 +1999-04-01,1286.369995,1294.540039,1282.560059,1293.719971,1293.719971,703000000 +1999-04-05,1293.719971,1321.119995,1293.719971,1321.119995,1321.119995,695800000 +1999-04-06,1321.119995,1326.760010,1311.069946,1317.890015,1317.890015,787500000 +1999-04-07,1317.890015,1329.579956,1312.589966,1326.890015,1326.890015,816400000 +1999-04-08,1326.890015,1344.079956,1321.599976,1343.979980,1343.979980,850500000 +1999-04-09,1343.979980,1351.219971,1335.239990,1348.349976,1348.349976,716100000 +1999-04-12,1348.349976,1358.689941,1333.479980,1358.630005,1358.630005,810800000 +1999-04-13,1358.640015,1362.380005,1344.030029,1349.819946,1349.819946,810900000 +1999-04-14,1349.819946,1357.239990,1326.410034,1328.439941,1328.439941,952000000 +1999-04-15,1328.439941,1332.410034,1308.380005,1322.849976,1322.849976,1089800000 +1999-04-16,1322.859985,1325.030029,1311.400024,1319.000000,1319.000000,1002300000 +1999-04-19,1319.000000,1340.099976,1284.479980,1289.479980,1289.479980,1214400000 +1999-04-20,1289.479980,1306.300049,1284.209961,1306.170044,1306.170044,985400000 +1999-04-21,1306.170044,1336.119995,1301.839966,1336.119995,1336.119995,920000000 +1999-04-22,1336.119995,1358.839966,1336.119995,1358.819946,1358.819946,927900000 +1999-04-23,1358.829956,1363.650024,1348.449951,1356.849976,1356.849976,744900000 +1999-04-26,1356.849976,1363.560059,1353.719971,1360.040039,1360.040039,712000000 +1999-04-27,1360.040039,1371.560059,1356.550049,1362.800049,1362.800049,891700000 +1999-04-28,1362.800049,1368.619995,1348.290039,1350.910034,1350.910034,951700000 +1999-04-29,1350.910034,1356.750000,1336.810059,1342.829956,1342.829956,1003600000 +1999-04-30,1342.829956,1351.829956,1314.579956,1335.180054,1335.180054,936500000 +1999-05-03,1335.180054,1354.630005,1329.010010,1354.630005,1354.630005,811400000 +1999-05-04,1354.630005,1354.640015,1330.640015,1332.000000,1332.000000,933100000 +1999-05-05,1332.000000,1347.319946,1317.439941,1347.310059,1347.310059,913500000 +1999-05-06,1347.310059,1348.359985,1322.560059,1332.050049,1332.050049,875400000 +1999-05-07,1332.050049,1345.989990,1332.050049,1345.000000,1345.000000,814900000 +1999-05-10,1345.000000,1352.010010,1334.000000,1340.300049,1340.300049,773300000 +1999-05-11,1340.300049,1360.000000,1340.300049,1355.609985,1355.609985,836100000 +1999-05-12,1355.609985,1367.359985,1333.099976,1364.000000,1364.000000,825500000 +1999-05-13,1364.000000,1375.979980,1364.000000,1367.560059,1367.560059,796900000 +1999-05-14,1367.560059,1367.560059,1332.630005,1337.800049,1337.800049,727800000 +1999-05-17,1337.800049,1339.949951,1321.189941,1339.489990,1339.489990,665500000 +1999-05-18,1339.489990,1345.439941,1323.459961,1333.319946,1333.319946,753400000 +1999-05-19,1333.319946,1344.229980,1327.050049,1344.229980,1344.229980,801100000 +1999-05-20,1344.229980,1350.489990,1338.829956,1338.829956,1338.829956,752200000 +1999-05-21,1338.829956,1340.880005,1326.189941,1330.290039,1330.290039,686600000 +1999-05-24,1330.290039,1333.020020,1303.530029,1306.650024,1306.650024,754700000 +1999-05-25,1306.650024,1317.520020,1284.380005,1284.400024,1284.400024,826700000 +1999-05-26,1284.400024,1304.849976,1278.430054,1304.760010,1304.760010,870800000 +1999-05-27,1304.760010,1304.760010,1277.310059,1281.410034,1281.410034,811400000 +1999-05-28,1281.410034,1304.000000,1281.410034,1301.839966,1301.839966,649960000 +1999-06-01,1301.839966,1301.839966,1281.439941,1294.260010,1294.260010,683800000 +1999-06-02,1294.260010,1297.099976,1277.469971,1294.810059,1294.810059,728000000 +1999-06-03,1294.810059,1304.150024,1294.199951,1299.540039,1299.540039,719600000 +1999-06-04,1299.540039,1327.750000,1299.540039,1327.750000,1327.750000,694500000 +1999-06-07,1327.750000,1336.420044,1325.890015,1334.520020,1334.520020,664300000 +1999-06-08,1334.520020,1334.520020,1312.829956,1317.329956,1317.329956,685900000 +1999-06-09,1317.329956,1326.010010,1314.729980,1318.640015,1318.640015,662000000 +1999-06-10,1318.640015,1318.640015,1293.280029,1302.819946,1302.819946,716500000 +1999-06-11,1302.819946,1311.969971,1287.880005,1293.640015,1293.640015,698200000 +1999-06-14,1293.640015,1301.989990,1292.199951,1294.000000,1294.000000,669400000 +1999-06-15,1294.000000,1310.760010,1294.000000,1301.160034,1301.160034,696600000 +1999-06-16,1301.160034,1332.829956,1301.160034,1330.410034,1330.410034,806800000 +1999-06-17,1330.410034,1343.540039,1322.750000,1339.900024,1339.900024,700300000 +1999-06-18,1339.900024,1344.479980,1333.520020,1342.839966,1342.839966,914500000 +1999-06-21,1342.839966,1349.060059,1337.630005,1349.000000,1349.000000,686600000 +1999-06-22,1349.000000,1351.119995,1335.520020,1335.880005,1335.880005,716500000 +1999-06-23,1335.869995,1335.880005,1322.550049,1333.060059,1333.060059,731800000 +1999-06-24,1333.060059,1333.060059,1308.469971,1315.780029,1315.780029,690400000 +1999-06-25,1315.780029,1329.130005,1312.640015,1315.310059,1315.310059,623460000 +1999-06-28,1315.310059,1333.680054,1315.310059,1331.349976,1331.349976,652910000 +1999-06-29,1331.349976,1351.510010,1328.400024,1351.449951,1351.449951,820100000 +1999-06-30,1351.449951,1372.930054,1338.780029,1372.709961,1372.709961,1117000000 +1999-07-01,1372.709961,1382.800049,1360.800049,1380.959961,1380.959961,843400000 +1999-07-02,1380.959961,1391.219971,1379.569946,1391.219971,1391.219971,613570000 +1999-07-06,1391.219971,1405.290039,1387.079956,1388.119995,1388.119995,722900000 +1999-07-07,1388.119995,1395.880005,1384.949951,1395.859985,1395.859985,791200000 +1999-07-08,1395.859985,1403.250000,1386.689941,1394.420044,1394.420044,830600000 +1999-07-09,1394.420044,1403.280029,1394.420044,1403.280029,1403.280029,701000000 +1999-07-12,1403.280029,1406.819946,1394.699951,1399.099976,1399.099976,685300000 +1999-07-13,1399.099976,1399.099976,1386.839966,1393.560059,1393.560059,736000000 +1999-07-14,1393.560059,1400.050049,1386.510010,1398.170044,1398.170044,756100000 +1999-07-15,1398.170044,1409.839966,1398.170044,1409.619995,1409.619995,818800000 +1999-07-16,1409.619995,1418.780029,1407.069946,1418.780029,1418.780029,714100000 +1999-07-19,1418.780029,1420.329956,1404.560059,1407.650024,1407.650024,642330000 +1999-07-20,1407.650024,1407.650024,1375.150024,1377.099976,1377.099976,754800000 +1999-07-21,1377.099976,1386.660034,1372.630005,1379.290039,1379.290039,785500000 +1999-07-22,1379.290039,1379.290039,1353.979980,1360.969971,1360.969971,771700000 +1999-07-23,1360.969971,1367.410034,1349.910034,1356.939941,1356.939941,630580000 +1999-07-26,1356.939941,1358.609985,1346.199951,1347.760010,1347.760010,613450000 +1999-07-27,1347.750000,1368.699951,1347.750000,1362.839966,1362.839966,723800000 +1999-07-28,1362.839966,1370.530029,1355.540039,1365.400024,1365.400024,690900000 +1999-07-29,1365.400024,1365.400024,1332.819946,1341.030029,1341.030029,770100000 +1999-07-30,1341.030029,1350.920044,1328.489990,1328.719971,1328.719971,736800000 +1999-08-02,1328.719971,1344.689941,1325.209961,1328.050049,1328.050049,649550000 +1999-08-03,1328.050049,1336.130005,1314.910034,1322.180054,1322.180054,739600000 +1999-08-04,1322.180054,1330.160034,1304.500000,1305.329956,1305.329956,789300000 +1999-08-05,1305.329956,1313.709961,1287.229980,1313.709961,1313.709961,859300000 +1999-08-06,1313.709961,1316.739990,1293.189941,1300.290039,1300.290039,698900000 +1999-08-09,1300.290039,1306.680054,1295.989990,1297.800049,1297.800049,684300000 +1999-08-10,1297.800049,1298.619995,1267.729980,1281.430054,1281.430054,836200000 +1999-08-11,1281.430054,1301.930054,1281.430054,1301.930054,1301.930054,792300000 +1999-08-12,1301.930054,1313.609985,1298.060059,1298.160034,1298.160034,745600000 +1999-08-13,1298.160034,1327.719971,1298.160034,1327.680054,1327.680054,691700000 +1999-08-16,1327.680054,1331.050049,1320.510010,1330.770020,1330.770020,583550000 +1999-08-17,1330.770020,1344.160034,1328.760010,1344.160034,1344.160034,691500000 +1999-08-18,1344.160034,1344.160034,1332.130005,1332.839966,1332.839966,682800000 +1999-08-19,1332.839966,1332.839966,1315.349976,1323.589966,1323.589966,684200000 +1999-08-20,1323.589966,1336.609985,1323.589966,1336.609985,1336.609985,661200000 +1999-08-23,1336.609985,1360.239990,1336.609985,1360.219971,1360.219971,682600000 +1999-08-24,1360.219971,1373.319946,1353.630005,1363.500000,1363.500000,732700000 +1999-08-25,1363.500000,1382.839966,1359.199951,1381.790039,1381.790039,864600000 +1999-08-26,1381.790039,1381.790039,1361.530029,1362.010010,1362.010010,719000000 +1999-08-27,1362.010010,1365.630005,1347.349976,1348.270020,1348.270020,570050000 +1999-08-30,1348.270020,1350.699951,1322.800049,1324.020020,1324.020020,597900000 +1999-08-31,1324.020020,1333.270020,1306.959961,1320.410034,1320.410034,861700000 +1999-09-01,1320.410034,1331.180054,1320.390015,1331.069946,1331.069946,708200000 +1999-09-02,1331.069946,1331.069946,1304.880005,1319.109985,1319.109985,687100000 +1999-09-03,1319.109985,1357.739990,1319.109985,1357.239990,1357.239990,663200000 +1999-09-07,1357.239990,1361.390015,1349.589966,1350.449951,1350.449951,715300000 +1999-09-08,1350.449951,1355.180054,1337.359985,1344.150024,1344.150024,791200000 +1999-09-09,1344.150024,1347.660034,1333.910034,1347.660034,1347.660034,773900000 +1999-09-10,1347.660034,1357.619995,1346.199951,1351.660034,1351.660034,808500000 +1999-09-13,1351.660034,1351.660034,1341.699951,1344.130005,1344.130005,657900000 +1999-09-14,1344.130005,1344.180054,1330.609985,1336.290039,1336.290039,734500000 +1999-09-15,1336.290039,1347.209961,1317.969971,1317.969971,1317.969971,787300000 +1999-09-16,1317.969971,1322.510010,1299.969971,1318.479980,1318.479980,739000000 +1999-09-17,1318.479980,1337.589966,1318.479980,1335.420044,1335.420044,861900000 +1999-09-20,1335.420044,1338.380005,1330.609985,1335.530029,1335.530029,568000000 +1999-09-21,1335.520020,1335.530029,1301.969971,1307.579956,1307.579956,817300000 +1999-09-22,1307.579956,1316.180054,1297.810059,1310.510010,1310.510010,822200000 +1999-09-23,1310.510010,1315.250000,1277.300049,1280.410034,1280.410034,890800000 +1999-09-24,1280.410034,1281.170044,1263.839966,1277.359985,1277.359985,872800000 +1999-09-27,1277.359985,1295.030029,1277.359985,1283.310059,1283.310059,780600000 +1999-09-28,1283.310059,1285.550049,1256.260010,1282.199951,1282.199951,885400000 +1999-09-29,1282.199951,1288.829956,1268.160034,1268.369995,1268.369995,856000000 +1999-09-30,1268.369995,1291.310059,1268.369995,1282.709961,1282.709961,1017600000 +1999-10-01,1282.709961,1283.170044,1265.780029,1282.810059,1282.810059,896200000 +1999-10-04,1282.810059,1304.599976,1282.810059,1304.599976,1304.599976,803300000 +1999-10-05,1304.599976,1316.410034,1286.439941,1301.349976,1301.349976,965700000 +1999-10-06,1301.349976,1325.459961,1301.349976,1325.400024,1325.400024,895200000 +1999-10-07,1325.400024,1328.050049,1314.130005,1317.640015,1317.640015,827800000 +1999-10-08,1317.640015,1336.609985,1311.880005,1336.020020,1336.020020,897300000 +1999-10-11,1336.020020,1339.229980,1332.959961,1335.209961,1335.209961,655900000 +1999-10-12,1335.209961,1335.209961,1311.800049,1313.040039,1313.040039,778300000 +1999-10-13,1313.040039,1313.040039,1282.800049,1285.550049,1285.550049,821500000 +1999-10-14,1285.550049,1289.630005,1267.619995,1283.420044,1283.420044,892300000 +1999-10-15,1283.420044,1283.420044,1245.390015,1247.410034,1247.410034,912600000 +1999-10-18,1247.410034,1254.130005,1233.699951,1254.130005,1254.130005,818700000 +1999-10-19,1254.130005,1279.319946,1254.130005,1261.319946,1261.319946,905700000 +1999-10-20,1261.319946,1289.439941,1261.319946,1289.430054,1289.430054,928800000 +1999-10-21,1289.430054,1289.430054,1265.609985,1283.609985,1283.609985,1012500000 +1999-10-22,1283.609985,1308.810059,1283.609985,1301.650024,1301.650024,959200000 +1999-10-25,1301.650024,1301.680054,1286.069946,1293.630005,1293.630005,777000000 +1999-10-26,1293.630005,1303.459961,1281.859985,1281.910034,1281.910034,878300000 +1999-10-27,1281.910034,1299.390015,1280.479980,1296.709961,1296.709961,950100000 +1999-10-28,1296.709961,1342.469971,1296.709961,1342.439941,1342.439941,1135100000 +1999-10-29,1342.439941,1373.170044,1342.439941,1362.930054,1362.930054,1120500000 +1999-11-01,1362.930054,1367.300049,1354.050049,1354.119995,1354.119995,861000000 +1999-11-02,1354.119995,1369.319946,1346.410034,1347.739990,1347.739990,904500000 +1999-11-03,1347.739990,1360.329956,1347.739990,1354.930054,1354.930054,914400000 +1999-11-04,1354.930054,1369.410034,1354.930054,1362.640015,1362.640015,981700000 +1999-11-05,1362.640015,1387.479980,1362.640015,1370.229980,1370.229980,1007300000 +1999-11-08,1370.229980,1380.780029,1365.869995,1377.010010,1377.010010,806800000 +1999-11-09,1377.010010,1383.810059,1361.449951,1365.280029,1365.280029,854300000 +1999-11-10,1365.280029,1379.180054,1359.979980,1373.459961,1373.459961,984700000 +1999-11-11,1373.459961,1382.119995,1372.189941,1381.459961,1381.459961,891300000 +1999-11-12,1381.459961,1396.119995,1368.540039,1396.060059,1396.060059,900200000 +1999-11-15,1396.060059,1398.579956,1392.280029,1394.390015,1394.390015,795700000 +1999-11-16,1394.390015,1420.359985,1394.390015,1420.069946,1420.069946,942200000 +1999-11-17,1420.069946,1423.439941,1410.689941,1410.709961,1410.709961,960000000 +1999-11-18,1410.709961,1425.310059,1410.709961,1424.939941,1424.939941,1022800000 +1999-11-19,1424.939941,1424.939941,1417.540039,1422.000000,1422.000000,893800000 +1999-11-22,1422.000000,1425.000000,1412.400024,1420.939941,1420.939941,873500000 +1999-11-23,1420.939941,1423.910034,1402.199951,1404.640015,1404.640015,926100000 +1999-11-24,1404.640015,1419.709961,1399.170044,1417.079956,1417.079956,734800000 +1999-11-26,1417.079956,1425.239990,1416.140015,1416.619995,1416.619995,312120000 +1999-11-29,1416.619995,1416.619995,1404.150024,1407.829956,1407.829956,866100000 +1999-11-30,1407.829956,1410.589966,1386.949951,1388.910034,1388.910034,951500000 +1999-12-01,1388.910034,1400.119995,1387.380005,1397.719971,1397.719971,884000000 +1999-12-02,1397.719971,1409.040039,1397.719971,1409.040039,1409.040039,900700000 +1999-12-03,1409.040039,1447.420044,1409.040039,1433.300049,1433.300049,1006400000 +1999-12-06,1433.300049,1434.150024,1418.250000,1423.329956,1423.329956,916800000 +1999-12-07,1423.329956,1426.810059,1409.170044,1409.170044,1409.170044,1085800000 +1999-12-08,1409.170044,1415.660034,1403.880005,1403.880005,1403.880005,957000000 +1999-12-09,1403.880005,1418.430054,1391.469971,1408.109985,1408.109985,1122100000 +1999-12-10,1408.109985,1421.579956,1405.650024,1417.040039,1417.040039,987200000 +1999-12-13,1417.040039,1421.579956,1410.099976,1415.219971,1415.219971,977600000 +1999-12-14,1415.219971,1418.300049,1401.589966,1403.170044,1403.170044,1027800000 +1999-12-15,1403.170044,1417.400024,1396.199951,1413.329956,1413.329956,1033900000 +1999-12-16,1413.319946,1423.109985,1408.349976,1418.780029,1418.780029,1070300000 +1999-12-17,1418.780029,1431.770020,1418.780029,1421.030029,1421.030029,1349800000 +1999-12-20,1421.030029,1429.160034,1411.099976,1418.089966,1418.089966,904600000 +1999-12-21,1418.089966,1436.469971,1414.800049,1433.430054,1433.430054,963500000 +1999-12-22,1433.430054,1440.020020,1429.130005,1436.130005,1436.130005,850000000 +1999-12-23,1436.130005,1461.439941,1436.130005,1458.339966,1458.339966,728600000 +1999-12-27,1458.339966,1463.189941,1450.829956,1457.099976,1457.099976,722600000 +1999-12-28,1457.089966,1462.680054,1452.780029,1457.660034,1457.660034,655400000 +1999-12-29,1457.660034,1467.469971,1457.660034,1463.459961,1463.459961,567860000 +1999-12-30,1463.459961,1473.099976,1462.599976,1464.469971,1464.469971,554680000 +1999-12-31,1464.469971,1472.420044,1458.189941,1469.250000,1469.250000,374050000 +2000-01-03,1469.250000,1478.000000,1438.359985,1455.219971,1455.219971,931800000 +2000-01-04,1455.219971,1455.219971,1397.430054,1399.420044,1399.420044,1009000000 +2000-01-05,1399.420044,1413.270020,1377.680054,1402.109985,1402.109985,1085500000 +2000-01-06,1402.109985,1411.900024,1392.099976,1403.449951,1403.449951,1092300000 +2000-01-07,1403.449951,1441.469971,1400.729980,1441.469971,1441.469971,1225200000 +2000-01-10,1441.469971,1464.359985,1441.469971,1457.599976,1457.599976,1064800000 +2000-01-11,1457.599976,1458.660034,1434.420044,1438.560059,1438.560059,1014000000 +2000-01-12,1438.560059,1442.599976,1427.079956,1432.250000,1432.250000,974600000 +2000-01-13,1432.250000,1454.199951,1432.250000,1449.680054,1449.680054,1030400000 +2000-01-14,1449.680054,1473.000000,1449.680054,1465.150024,1465.150024,1085900000 +2000-01-18,1465.150024,1465.150024,1451.300049,1455.140015,1455.140015,1056700000 +2000-01-19,1455.140015,1461.390015,1448.680054,1455.900024,1455.900024,1087800000 +2000-01-20,1455.900024,1465.709961,1438.540039,1445.569946,1445.569946,1100700000 +2000-01-21,1445.569946,1453.180054,1439.599976,1441.359985,1441.359985,1209800000 +2000-01-24,1441.359985,1454.089966,1395.420044,1401.530029,1401.530029,1115800000 +2000-01-25,1401.530029,1414.260010,1388.489990,1410.030029,1410.030029,1073700000 +2000-01-26,1410.030029,1412.729980,1400.160034,1404.089966,1404.089966,1117300000 +2000-01-27,1404.089966,1418.859985,1370.989990,1398.560059,1398.560059,1129500000 +2000-01-28,1398.560059,1398.560059,1356.199951,1360.160034,1360.160034,1095800000 +2000-01-31,1360.160034,1394.479980,1350.140015,1394.459961,1394.459961,993800000 +2000-02-01,1394.459961,1412.489990,1384.790039,1409.280029,1409.280029,981000000 +2000-02-02,1409.280029,1420.609985,1403.489990,1409.119995,1409.119995,1038600000 +2000-02-03,1409.119995,1425.780029,1398.520020,1424.969971,1424.969971,1146500000 +2000-02-04,1424.969971,1435.910034,1420.630005,1424.369995,1424.369995,1045100000 +2000-02-07,1424.369995,1427.150024,1413.329956,1424.239990,1424.239990,918100000 +2000-02-08,1424.239990,1441.829956,1424.239990,1441.719971,1441.719971,1047700000 +2000-02-09,1441.719971,1444.550049,1411.650024,1411.709961,1411.709961,1050500000 +2000-02-10,1411.699951,1422.099976,1406.430054,1416.829956,1416.829956,1058800000 +2000-02-11,1416.829956,1416.829956,1378.890015,1387.119995,1387.119995,1025700000 +2000-02-14,1387.119995,1394.930054,1380.530029,1389.939941,1389.939941,927300000 +2000-02-15,1389.939941,1407.719971,1376.250000,1402.050049,1402.050049,1092100000 +2000-02-16,1402.050049,1404.550049,1385.579956,1387.670044,1387.670044,1018800000 +2000-02-17,1387.670044,1399.880005,1380.069946,1388.260010,1388.260010,1034800000 +2000-02-18,1388.260010,1388.589966,1345.319946,1346.089966,1346.089966,1042300000 +2000-02-22,1346.089966,1358.109985,1331.880005,1352.170044,1352.170044,980000000 +2000-02-23,1352.170044,1370.109985,1342.439941,1360.689941,1360.689941,993700000 +2000-02-24,1360.689941,1364.800049,1329.880005,1353.430054,1353.430054,1215000000 +2000-02-25,1353.430054,1362.140015,1329.150024,1333.359985,1333.359985,1065200000 +2000-02-28,1333.359985,1360.819946,1325.069946,1348.050049,1348.050049,1026500000 +2000-02-29,1348.050049,1369.630005,1348.050049,1366.420044,1366.420044,1204300000 +2000-03-01,1366.420044,1383.459961,1366.420044,1379.189941,1379.189941,1274100000 +2000-03-02,1379.189941,1386.560059,1370.349976,1381.760010,1381.760010,1198600000 +2000-03-03,1381.760010,1410.880005,1381.760010,1409.170044,1409.170044,1150300000 +2000-03-06,1409.170044,1409.739990,1384.750000,1391.280029,1391.280029,1029000000 +2000-03-07,1391.280029,1399.209961,1349.989990,1355.619995,1355.619995,1314100000 +2000-03-08,1355.619995,1373.790039,1346.619995,1366.699951,1366.699951,1203000000 +2000-03-09,1366.699951,1401.819946,1357.880005,1401.689941,1401.689941,1123000000 +2000-03-10,1401.689941,1413.459961,1392.069946,1395.069946,1395.069946,1138800000 +2000-03-13,1395.069946,1398.390015,1364.839966,1383.619995,1383.619995,1016100000 +2000-03-14,1383.619995,1395.150024,1359.150024,1359.150024,1359.150024,1094000000 +2000-03-15,1359.150024,1397.989990,1356.989990,1392.140015,1392.140015,1302800000 +2000-03-16,1392.150024,1458.469971,1392.150024,1458.469971,1458.469971,1482300000 +2000-03-17,1458.469971,1477.329956,1453.319946,1464.469971,1464.469971,1295100000 +2000-03-20,1464.469971,1470.300049,1448.489990,1456.630005,1456.630005,920800000 +2000-03-21,1456.630005,1493.920044,1446.060059,1493.869995,1493.869995,1065900000 +2000-03-22,1493.869995,1505.079956,1487.329956,1500.640015,1500.640015,1075000000 +2000-03-23,1500.640015,1532.500000,1492.390015,1527.349976,1527.349976,1078300000 +2000-03-24,1527.349976,1552.869995,1516.829956,1527.459961,1527.459961,1052200000 +2000-03-27,1527.459961,1534.630005,1518.459961,1523.859985,1523.859985,901000000 +2000-03-28,1523.859985,1527.359985,1507.089966,1507.729980,1507.729980,959100000 +2000-03-29,1507.729980,1521.449951,1497.449951,1508.520020,1508.520020,1061900000 +2000-03-30,1508.520020,1517.380005,1474.630005,1487.920044,1487.920044,1193400000 +2000-03-31,1487.920044,1519.810059,1484.380005,1498.579956,1498.579956,1227400000 +2000-04-03,1498.579956,1507.189941,1486.959961,1505.969971,1505.969971,1021700000 +2000-04-04,1505.979980,1526.449951,1416.410034,1494.729980,1494.729980,1515460000 +2000-04-05,1494.729980,1506.550049,1478.050049,1487.369995,1487.369995,1110300000 +2000-04-06,1487.369995,1511.760010,1487.369995,1501.339966,1501.339966,1008000000 +2000-04-07,1501.339966,1518.680054,1501.339966,1516.349976,1516.349976,891600000 +2000-04-10,1516.349976,1527.189941,1503.349976,1504.459961,1504.459961,853700000 +2000-04-11,1504.459961,1512.800049,1486.780029,1500.589966,1500.589966,971400000 +2000-04-12,1500.589966,1509.079956,1466.150024,1467.170044,1467.170044,1175900000 +2000-04-13,1467.170044,1477.520020,1439.339966,1440.510010,1440.510010,1032000000 +2000-04-14,1440.510010,1440.510010,1339.400024,1356.560059,1356.560059,1279700000 +2000-04-17,1356.560059,1401.530029,1346.500000,1401.439941,1401.439941,1204700000 +2000-04-18,1401.439941,1441.609985,1397.810059,1441.609985,1441.609985,1109400000 +2000-04-19,1441.609985,1447.689941,1424.260010,1427.469971,1427.469971,1001400000 +2000-04-20,1427.469971,1435.489990,1422.079956,1434.540039,1434.540039,896200000 +2000-04-24,1434.540039,1434.540039,1407.130005,1429.859985,1429.859985,868700000 +2000-04-25,1429.859985,1477.670044,1429.859985,1477.439941,1477.439941,1071100000 +2000-04-26,1477.439941,1482.939941,1456.979980,1460.989990,1460.989990,999600000 +2000-04-27,1460.989990,1469.209961,1434.810059,1464.920044,1464.920044,1111000000 +2000-04-28,1464.920044,1473.619995,1448.150024,1452.430054,1452.430054,984600000 +2000-05-01,1452.430054,1481.510010,1452.430054,1468.250000,1468.250000,966300000 +2000-05-02,1468.250000,1468.250000,1445.219971,1446.290039,1446.290039,1011500000 +2000-05-03,1446.290039,1446.290039,1398.359985,1415.099976,1415.099976,991600000 +2000-05-04,1415.099976,1420.989990,1404.939941,1409.569946,1409.569946,925800000 +2000-05-05,1409.569946,1436.030029,1405.079956,1432.630005,1432.630005,805500000 +2000-05-08,1432.630005,1432.630005,1417.050049,1424.170044,1424.170044,787600000 +2000-05-09,1424.170044,1430.280029,1401.849976,1412.140015,1412.140015,896600000 +2000-05-10,1412.140015,1412.140015,1375.140015,1383.050049,1383.050049,1006400000 +2000-05-11,1383.050049,1410.260010,1383.050049,1407.810059,1407.810059,953600000 +2000-05-12,1407.810059,1430.130005,1407.810059,1420.959961,1420.959961,858200000 +2000-05-15,1420.959961,1452.390015,1416.540039,1452.359985,1452.359985,854600000 +2000-05-16,1452.359985,1470.400024,1450.760010,1466.040039,1466.040039,955500000 +2000-05-17,1466.040039,1466.040039,1441.670044,1447.800049,1447.800049,820500000 +2000-05-18,1447.800049,1458.040039,1436.589966,1437.209961,1437.209961,807900000 +2000-05-19,1437.209961,1437.209961,1401.739990,1406.949951,1406.949951,853700000 +2000-05-22,1406.949951,1410.550049,1368.729980,1400.719971,1400.719971,869000000 +2000-05-23,1400.719971,1403.770020,1373.430054,1373.859985,1373.859985,869900000 +2000-05-24,1373.859985,1401.750000,1361.089966,1399.050049,1399.050049,1152300000 +2000-05-25,1399.050049,1411.650024,1373.930054,1381.520020,1381.520020,984500000 +2000-05-26,1381.520020,1391.420044,1369.750000,1378.020020,1378.020020,722600000 +2000-05-30,1378.020020,1422.449951,1378.020020,1422.449951,1422.449951,844200000 +2000-05-31,1422.439941,1434.489990,1415.500000,1420.599976,1420.599976,960500000 +2000-06-01,1420.599976,1448.810059,1420.599976,1448.810059,1448.810059,960100000 +2000-06-02,1448.810059,1483.229980,1448.810059,1477.260010,1477.260010,1162400000 +2000-06-05,1477.260010,1477.280029,1464.680054,1467.630005,1467.630005,838600000 +2000-06-06,1467.630005,1471.359985,1454.739990,1457.839966,1457.839966,950100000 +2000-06-07,1457.839966,1474.640015,1455.060059,1471.359985,1471.359985,854600000 +2000-06-08,1471.359985,1475.650024,1456.489990,1461.670044,1461.670044,854300000 +2000-06-09,1461.670044,1472.670044,1454.959961,1456.949951,1456.949951,786000000 +2000-06-12,1456.949951,1462.930054,1445.989990,1446.000000,1446.000000,774100000 +2000-06-13,1446.000000,1470.420044,1442.380005,1469.439941,1469.439941,935900000 +2000-06-14,1469.439941,1483.619995,1467.709961,1470.540039,1470.540039,929700000 +2000-06-15,1470.540039,1482.040039,1464.619995,1478.729980,1478.729980,1011400000 +2000-06-16,1478.729980,1480.770020,1460.420044,1464.459961,1464.459961,1250800000 +2000-06-19,1464.459961,1488.930054,1459.050049,1486.000000,1486.000000,921700000 +2000-06-20,1486.000000,1487.319946,1470.180054,1475.949951,1475.949951,1031500000 +2000-06-21,1475.949951,1482.189941,1468.000000,1479.130005,1479.130005,1009600000 +2000-06-22,1479.130005,1479.130005,1448.030029,1452.180054,1452.180054,1022700000 +2000-06-23,1452.180054,1459.939941,1438.310059,1441.479980,1441.479980,847600000 +2000-06-26,1441.479980,1459.660034,1441.479980,1455.310059,1455.310059,889000000 +2000-06-27,1455.310059,1463.349976,1450.550049,1450.550049,1450.550049,1042500000 +2000-06-28,1450.550049,1467.630005,1450.550049,1454.819946,1454.819946,1095100000 +2000-06-29,1454.819946,1455.140015,1434.630005,1442.390015,1442.390015,1110900000 +2000-06-30,1442.390015,1454.680054,1438.709961,1454.599976,1454.599976,1459700000 +2000-07-03,1454.599976,1469.579956,1450.849976,1469.540039,1469.540039,451900000 +2000-07-05,1469.540039,1469.540039,1442.449951,1446.229980,1446.229980,1019300000 +2000-07-06,1446.229980,1461.650024,1439.560059,1456.670044,1456.670044,947300000 +2000-07-07,1456.670044,1484.119995,1456.670044,1478.900024,1478.900024,931700000 +2000-07-10,1478.900024,1486.560059,1474.760010,1475.619995,1475.619995,838700000 +2000-07-11,1475.619995,1488.770020,1470.479980,1480.880005,1480.880005,980500000 +2000-07-12,1480.880005,1497.689941,1480.880005,1492.920044,1492.920044,1001200000 +2000-07-13,1492.920044,1501.390015,1489.650024,1495.839966,1495.839966,1026800000 +2000-07-14,1495.839966,1509.989990,1494.560059,1509.979980,1509.979980,960600000 +2000-07-17,1509.979980,1517.319946,1505.260010,1510.489990,1510.489990,906000000 +2000-07-18,1510.489990,1510.489990,1491.349976,1493.739990,1493.739990,908300000 +2000-07-19,1493.739990,1495.630005,1479.920044,1481.959961,1481.959961,909400000 +2000-07-20,1481.959961,1501.920044,1481.959961,1495.569946,1495.569946,1064600000 +2000-07-21,1495.569946,1495.569946,1477.910034,1480.189941,1480.189941,968300000 +2000-07-24,1480.189941,1485.880005,1463.800049,1464.290039,1464.290039,880300000 +2000-07-25,1464.290039,1476.229980,1464.290039,1474.469971,1474.469971,969400000 +2000-07-26,1474.469971,1474.469971,1452.420044,1452.420044,1452.420044,1235800000 +2000-07-27,1452.420044,1464.910034,1445.329956,1449.619995,1449.619995,1156400000 +2000-07-28,1449.619995,1456.680054,1413.890015,1419.890015,1419.890015,980000000 +2000-07-31,1419.890015,1437.650024,1418.709961,1430.829956,1430.829956,952600000 +2000-08-01,1430.829956,1443.540039,1428.959961,1438.099976,1438.099976,938700000 +2000-08-02,1438.099976,1451.589966,1433.489990,1438.699951,1438.699951,994500000 +2000-08-03,1438.699951,1454.189941,1425.430054,1452.560059,1452.560059,1095600000 +2000-08-04,1452.560059,1462.930054,1451.310059,1462.930054,1462.930054,956000000 +2000-08-07,1462.930054,1480.800049,1460.719971,1479.319946,1479.319946,854800000 +2000-08-08,1479.319946,1484.520020,1472.609985,1482.800049,1482.800049,992200000 +2000-08-09,1482.800049,1490.329956,1471.160034,1472.869995,1472.869995,1054000000 +2000-08-10,1472.869995,1475.150024,1459.890015,1460.250000,1460.250000,940800000 +2000-08-11,1460.250000,1475.719971,1453.060059,1471.839966,1471.839966,835500000 +2000-08-14,1471.839966,1491.640015,1468.560059,1491.560059,1491.560059,783800000 +2000-08-15,1491.560059,1493.119995,1482.739990,1484.430054,1484.430054,895900000 +2000-08-16,1484.430054,1496.089966,1475.739990,1479.849976,1479.849976,929800000 +2000-08-17,1479.849976,1499.319946,1479.849976,1496.069946,1496.069946,922400000 +2000-08-18,1496.069946,1499.469971,1488.989990,1491.719971,1491.719971,821400000 +2000-08-21,1491.719971,1502.839966,1491.130005,1499.479980,1499.479980,731600000 +2000-08-22,1499.479980,1508.449951,1497.420044,1498.130005,1498.130005,818800000 +2000-08-23,1498.130005,1507.199951,1489.520020,1505.969971,1505.969971,871000000 +2000-08-24,1505.969971,1511.160034,1501.250000,1508.310059,1508.310059,837100000 +2000-08-25,1508.310059,1513.469971,1505.089966,1506.449951,1506.449951,685600000 +2000-08-28,1506.449951,1523.949951,1506.449951,1514.089966,1514.089966,733600000 +2000-08-29,1514.089966,1514.810059,1505.459961,1509.839966,1509.839966,795600000 +2000-08-30,1509.839966,1510.489990,1500.089966,1502.589966,1502.589966,818400000 +2000-08-31,1502.589966,1525.209961,1502.589966,1517.680054,1517.680054,1056600000 +2000-09-01,1517.680054,1530.089966,1515.530029,1520.770020,1520.770020,767700000 +2000-09-05,1520.770020,1520.770020,1504.209961,1507.079956,1507.079956,838500000 +2000-09-06,1507.079956,1512.609985,1492.119995,1492.250000,1492.250000,995100000 +2000-09-07,1492.250000,1505.339966,1492.250000,1502.510010,1502.510010,985500000 +2000-09-08,1502.510010,1502.510010,1489.880005,1494.500000,1494.500000,961000000 +2000-09-11,1494.500000,1506.760010,1483.010010,1489.260010,1489.260010,899300000 +2000-09-12,1489.260010,1496.930054,1479.670044,1481.989990,1481.989990,991200000 +2000-09-13,1481.989990,1487.449951,1473.609985,1484.910034,1484.910034,1068300000 +2000-09-14,1484.910034,1494.160034,1476.729980,1480.869995,1480.869995,1014000000 +2000-09-15,1480.869995,1480.959961,1460.219971,1465.810059,1465.810059,1268400000 +2000-09-18,1465.810059,1467.770020,1441.920044,1444.510010,1444.510010,962500000 +2000-09-19,1444.510010,1461.160034,1444.510010,1459.900024,1459.900024,1024900000 +2000-09-20,1459.900024,1460.489990,1430.949951,1451.339966,1451.339966,1104000000 +2000-09-21,1451.339966,1452.770020,1436.300049,1449.050049,1449.050049,1105400000 +2000-09-22,1449.050049,1449.050049,1421.880005,1448.719971,1448.719971,1185500000 +2000-09-25,1448.719971,1457.420044,1435.930054,1439.030029,1439.030029,982400000 +2000-09-26,1439.030029,1448.040039,1425.250000,1427.209961,1427.209961,1106600000 +2000-09-27,1427.209961,1437.219971,1419.439941,1426.569946,1426.569946,1174700000 +2000-09-28,1426.569946,1461.689941,1425.780029,1458.290039,1458.290039,1206200000 +2000-09-29,1458.290039,1458.290039,1436.290039,1436.510010,1436.510010,1197100000 +2000-10-02,1436.520020,1445.599976,1429.829956,1436.229980,1436.229980,1051200000 +2000-10-03,1436.229980,1454.819946,1425.280029,1426.459961,1426.459961,1098100000 +2000-10-04,1426.459961,1439.989990,1416.310059,1434.319946,1434.319946,1167400000 +2000-10-05,1434.319946,1444.170044,1431.800049,1436.280029,1436.280029,1176100000 +2000-10-06,1436.280029,1443.300049,1397.060059,1408.989990,1408.989990,1150100000 +2000-10-09,1408.989990,1409.689941,1392.479980,1402.030029,1402.030029,716600000 +2000-10-10,1402.030029,1408.829956,1383.849976,1387.020020,1387.020020,1044000000 +2000-10-11,1387.020020,1387.020020,1349.670044,1364.589966,1364.589966,1387500000 +2000-10-12,1364.589966,1374.930054,1328.060059,1329.780029,1329.780029,1388600000 +2000-10-13,1329.780029,1374.170044,1327.079956,1374.170044,1374.170044,1223900000 +2000-10-16,1374.170044,1379.479980,1365.060059,1374.619995,1374.619995,1005400000 +2000-10-17,1374.619995,1380.989990,1342.339966,1349.969971,1349.969971,1161500000 +2000-10-18,1349.969971,1356.650024,1305.790039,1342.130005,1342.130005,1441700000 +2000-10-19,1342.130005,1389.930054,1342.130005,1388.760010,1388.760010,1297900000 +2000-10-20,1388.760010,1408.469971,1382.189941,1396.930054,1396.930054,1177400000 +2000-10-23,1396.930054,1406.959961,1387.750000,1395.780029,1395.780029,1046800000 +2000-10-24,1395.780029,1415.640015,1388.130005,1398.130005,1398.130005,1158600000 +2000-10-25,1398.130005,1398.130005,1362.209961,1364.900024,1364.900024,1315600000 +2000-10-26,1364.900024,1372.719971,1337.810059,1364.439941,1364.439941,1303800000 +2000-10-27,1364.439941,1384.569946,1364.130005,1379.579956,1379.579956,1086300000 +2000-10-30,1379.579956,1406.359985,1376.859985,1398.660034,1398.660034,1186500000 +2000-10-31,1398.660034,1432.219971,1398.660034,1429.400024,1429.400024,1366400000 +2000-11-01,1429.400024,1429.599976,1410.449951,1421.219971,1421.219971,1206800000 +2000-11-02,1421.219971,1433.400024,1421.219971,1428.319946,1428.319946,1167700000 +2000-11-03,1428.319946,1433.209961,1420.920044,1426.689941,1426.689941,997700000 +2000-11-06,1428.760010,1438.459961,1427.719971,1432.189941,1432.189941,930900000 +2000-11-07,1432.189941,1436.219971,1423.260010,1431.869995,1431.869995,880900000 +2000-11-08,1431.869995,1437.280029,1408.780029,1409.280029,1409.280029,909300000 +2000-11-09,1409.280029,1409.280029,1369.680054,1400.140015,1400.140015,1111000000 +2000-11-10,1400.140015,1400.140015,1365.969971,1365.979980,1365.979980,962500000 +2000-11-13,1365.979980,1365.979980,1328.619995,1351.260010,1351.260010,1129300000 +2000-11-14,1351.260010,1390.060059,1351.260010,1382.949951,1382.949951,1118800000 +2000-11-15,1382.949951,1395.959961,1374.750000,1389.810059,1389.810059,1066800000 +2000-11-16,1389.810059,1394.760010,1370.390015,1372.319946,1372.319946,956300000 +2000-11-17,1372.319946,1384.849976,1355.550049,1367.719971,1367.719971,1070400000 +2000-11-20,1367.719971,1367.719971,1341.670044,1342.619995,1342.619995,955800000 +2000-11-21,1342.619995,1355.869995,1333.619995,1347.349976,1347.349976,1137100000 +2000-11-22,1347.349976,1347.349976,1321.890015,1322.359985,1322.359985,963200000 +2000-11-24,1322.359985,1343.829956,1322.359985,1341.770020,1341.770020,404870000 +2000-11-27,1341.770020,1362.500000,1341.770020,1348.969971,1348.969971,946100000 +2000-11-28,1348.969971,1358.810059,1334.969971,1336.089966,1336.089966,1028200000 +2000-11-29,1336.089966,1352.380005,1329.280029,1341.930054,1341.930054,402100000 +2000-11-30,1341.910034,1341.910034,1294.900024,1314.949951,1314.949951,1186530000 +2000-12-01,1314.949951,1334.670044,1307.020020,1315.229980,1315.229980,1195200000 +2000-12-04,1315.180054,1332.060059,1310.229980,1324.969971,1324.969971,1103000000 +2000-12-05,1324.969971,1376.560059,1324.969971,1376.540039,1376.540039,900300000 +2000-12-06,1376.540039,1376.540039,1346.150024,1351.459961,1351.459961,1399300000 +2000-12-07,1351.459961,1353.500000,1339.260010,1343.550049,1343.550049,1128000000 +2000-12-08,1343.550049,1380.329956,1343.550049,1369.890015,1369.890015,1358300000 +2000-12-11,1369.890015,1389.050049,1364.140015,1380.199951,1380.199951,1202400000 +2000-12-12,1380.199951,1380.270020,1370.270020,1371.180054,1371.180054,1083400000 +2000-12-13,1371.180054,1385.819946,1358.479980,1359.989990,1359.989990,1195100000 +2000-12-14,1359.989990,1359.989990,1340.479980,1340.930054,1340.930054,1061300000 +2000-12-15,1340.930054,1340.930054,1305.380005,1312.150024,1312.150024,1561100000 +2000-12-18,1312.150024,1332.319946,1312.150024,1322.739990,1322.739990,1189900000 +2000-12-19,1322.959961,1346.439941,1305.199951,1305.599976,1305.599976,1324900000 +2000-12-20,1305.599976,1305.599976,1261.160034,1264.739990,1264.739990,1421600000 +2000-12-21,1264.739990,1285.310059,1254.069946,1274.859985,1274.859985,1449900000 +2000-12-22,1274.859985,1305.969971,1274.859985,1305.949951,1305.949951,1087100000 +2000-12-26,1305.969971,1315.939941,1301.640015,1315.189941,1315.189941,806500000 +2000-12-27,1315.189941,1332.030029,1310.959961,1328.920044,1328.920044,1092700000 +2000-12-28,1328.920044,1335.930054,1325.780029,1334.219971,1334.219971,1015300000 +2000-12-29,1334.219971,1340.099976,1317.510010,1320.280029,1320.280029,1035500000 +2001-01-02,1320.280029,1320.280029,1276.050049,1283.270020,1283.270020,1129400000 +2001-01-03,1283.270020,1347.760010,1274.619995,1347.560059,1347.560059,1880700000 +2001-01-04,1347.560059,1350.239990,1329.140015,1333.339966,1333.339966,2131000000 +2001-01-05,1333.339966,1334.770020,1294.949951,1298.349976,1298.349976,1430800000 +2001-01-08,1298.349976,1298.349976,1276.290039,1295.859985,1295.859985,1115500000 +2001-01-09,1295.859985,1311.719971,1295.140015,1300.800049,1300.800049,1191300000 +2001-01-10,1300.800049,1313.760010,1287.280029,1313.270020,1313.270020,1296500000 +2001-01-11,1313.270020,1332.189941,1309.719971,1326.819946,1326.819946,1411200000 +2001-01-12,1326.819946,1333.209961,1311.589966,1318.550049,1318.550049,1276000000 +2001-01-16,1318.319946,1327.810059,1313.329956,1326.650024,1326.650024,1205700000 +2001-01-17,1326.650024,1346.920044,1325.410034,1329.469971,1329.469971,1349100000 +2001-01-18,1329.890015,1352.709961,1327.410034,1347.969971,1347.969971,1445000000 +2001-01-19,1347.969971,1354.550049,1336.739990,1342.540039,1342.540039,1407800000 +2001-01-22,1342.540039,1353.619995,1333.839966,1342.900024,1342.900024,1164000000 +2001-01-23,1342.900024,1362.900024,1339.630005,1360.400024,1360.400024,1232600000 +2001-01-24,1360.400024,1369.750000,1357.280029,1364.300049,1364.300049,1309000000 +2001-01-25,1364.300049,1367.349976,1354.630005,1357.510010,1357.510010,1258000000 +2001-01-26,1357.510010,1357.510010,1342.750000,1354.949951,1354.949951,1098000000 +2001-01-29,1354.920044,1365.540039,1350.359985,1364.170044,1364.170044,1053100000 +2001-01-30,1364.170044,1375.680054,1356.199951,1373.729980,1373.729980,1149800000 +2001-01-31,1373.729980,1383.369995,1364.660034,1366.010010,1366.010010,1295300000 +2001-02-01,1366.010010,1373.500000,1359.339966,1373.469971,1373.469971,1118800000 +2001-02-02,1373.469971,1376.380005,1348.719971,1349.469971,1349.469971,1048400000 +2001-02-05,1349.469971,1354.560059,1344.479980,1354.310059,1354.310059,1013000000 +2001-02-06,1354.310059,1363.550049,1350.040039,1352.260010,1352.260010,1059600000 +2001-02-07,1352.260010,1352.260010,1334.260010,1340.890015,1340.890015,1158300000 +2001-02-08,1341.099976,1350.319946,1332.420044,1332.530029,1332.530029,1107200000 +2001-02-09,1332.530029,1332.530029,1309.979980,1314.760010,1314.760010,1075500000 +2001-02-12,1314.760010,1330.959961,1313.640015,1330.310059,1330.310059,1039100000 +2001-02-13,1330.310059,1336.619995,1317.510010,1318.800049,1318.800049,1075200000 +2001-02-14,1318.800049,1320.729980,1304.719971,1315.920044,1315.920044,1150300000 +2001-02-15,1315.920044,1331.290039,1315.920044,1326.609985,1326.609985,1153700000 +2001-02-16,1326.609985,1326.609985,1293.180054,1301.530029,1301.530029,1257200000 +2001-02-20,1301.530029,1307.160034,1278.439941,1278.939941,1278.939941,1112200000 +2001-02-21,1278.939941,1282.969971,1253.160034,1255.270020,1255.270020,1208500000 +2001-02-22,1255.270020,1259.939941,1228.329956,1252.819946,1252.819946,1365900000 +2001-02-23,1252.819946,1252.819946,1215.439941,1245.859985,1245.859985,1231300000 +2001-02-26,1245.859985,1267.689941,1241.709961,1267.650024,1267.650024,1130800000 +2001-02-27,1267.650024,1272.760010,1252.260010,1257.939941,1257.939941,1114100000 +2001-02-28,1257.939941,1263.469971,1229.650024,1239.939941,1239.939941,1225300000 +2001-03-01,1239.939941,1241.359985,1214.500000,1241.229980,1241.229980,1294900000 +2001-03-02,1241.229980,1251.010010,1219.739990,1234.180054,1234.180054,1294000000 +2001-03-05,1234.180054,1242.550049,1234.040039,1241.410034,1241.410034,929200000 +2001-03-06,1241.410034,1267.420044,1241.410034,1253.800049,1253.800049,1091800000 +2001-03-07,1253.800049,1263.859985,1253.800049,1261.890015,1261.890015,1132200000 +2001-03-08,1261.890015,1266.500000,1257.599976,1264.739990,1264.739990,1114100000 +2001-03-09,1264.739990,1264.739990,1228.420044,1233.420044,1233.420044,1085900000 +2001-03-12,1233.420044,1233.420044,1176.780029,1180.160034,1180.160034,1229000000 +2001-03-13,1180.160034,1197.829956,1171.500000,1197.660034,1197.660034,1360900000 +2001-03-14,1197.660034,1197.660034,1155.349976,1166.709961,1166.709961,1397400000 +2001-03-15,1166.709961,1182.040039,1166.709961,1173.560059,1173.560059,1259500000 +2001-03-16,1173.560059,1173.560059,1148.640015,1150.530029,1150.530029,1543560000 +2001-03-19,1150.530029,1173.500000,1147.180054,1170.810059,1170.810059,1126200000 +2001-03-20,1170.810059,1180.560059,1142.189941,1142.619995,1142.619995,1235900000 +2001-03-21,1142.619995,1149.390015,1118.739990,1122.140015,1122.140015,1346300000 +2001-03-22,1122.140015,1124.270020,1081.189941,1117.579956,1117.579956,1723950000 +2001-03-23,1117.579956,1141.829956,1117.579956,1139.829956,1139.829956,1364900000 +2001-03-26,1139.829956,1160.020020,1139.829956,1152.689941,1152.689941,1114000000 +2001-03-27,1152.689941,1183.349976,1150.959961,1182.170044,1182.170044,1314200000 +2001-03-28,1182.170044,1182.170044,1147.829956,1153.290039,1153.290039,1333400000 +2001-03-29,1153.290039,1161.689941,1136.260010,1147.949951,1147.949951,1234500000 +2001-03-30,1147.949951,1162.800049,1143.829956,1160.329956,1160.329956,1280800000 +2001-04-02,1160.329956,1169.510010,1137.510010,1145.869995,1145.869995,1254900000 +2001-04-03,1145.869995,1145.869995,1100.189941,1106.459961,1106.459961,1386100000 +2001-04-04,1106.459961,1117.500000,1091.989990,1103.250000,1103.250000,1425590000 +2001-04-05,1103.250000,1151.469971,1103.250000,1151.439941,1151.439941,1368000000 +2001-04-06,1151.439941,1151.439941,1119.290039,1128.430054,1128.430054,1266800000 +2001-04-09,1128.430054,1146.130005,1126.380005,1137.589966,1137.589966,1062800000 +2001-04-10,1137.589966,1173.920044,1137.589966,1168.380005,1168.380005,1349600000 +2001-04-11,1168.380005,1182.239990,1160.260010,1165.890015,1165.890015,1290300000 +2001-04-12,1165.890015,1183.510010,1157.729980,1183.500000,1183.500000,1102000000 +2001-04-16,1183.500000,1184.640015,1167.380005,1179.680054,1179.680054,913900000 +2001-04-17,1179.680054,1192.250000,1168.900024,1191.810059,1191.810059,1109600000 +2001-04-18,1191.810059,1248.420044,1191.810059,1238.160034,1238.160034,1918900000 +2001-04-19,1238.160034,1253.709961,1233.390015,1253.689941,1253.689941,1486800000 +2001-04-20,1253.699951,1253.699951,1234.410034,1242.979980,1242.979980,1338700000 +2001-04-23,1242.979980,1242.979980,1217.469971,1224.359985,1224.359985,1012600000 +2001-04-24,1224.359985,1233.540039,1208.890015,1209.469971,1209.469971,1216500000 +2001-04-25,1209.469971,1232.359985,1207.380005,1228.750000,1228.750000,1203600000 +2001-04-26,1228.750000,1248.300049,1228.750000,1234.520020,1234.520020,1345200000 +2001-04-27,1234.520020,1253.069946,1234.520020,1253.050049,1253.050049,1091300000 +2001-04-30,1253.050049,1269.300049,1243.989990,1249.459961,1249.459961,1266800000 +2001-05-01,1249.459961,1266.469971,1243.550049,1266.439941,1266.439941,1181300000 +2001-05-02,1266.439941,1272.930054,1257.699951,1267.430054,1267.430054,1342200000 +2001-05-03,1267.430054,1267.430054,1239.880005,1248.579956,1248.579956,1137900000 +2001-05-04,1248.579956,1267.510010,1232.000000,1266.609985,1266.609985,1082100000 +2001-05-07,1266.609985,1270.000000,1259.189941,1263.510010,1263.510010,949000000 +2001-05-08,1266.709961,1267.010010,1253.000000,1261.199951,1261.199951,1006300000 +2001-05-09,1261.199951,1261.650024,1247.829956,1255.540039,1255.540039,1132400000 +2001-05-10,1255.540039,1268.140015,1254.560059,1255.180054,1255.180054,1056700000 +2001-05-11,1255.180054,1259.839966,1240.790039,1245.670044,1245.670044,906200000 +2001-05-14,1245.670044,1249.680054,1241.020020,1248.920044,1248.920044,858200000 +2001-05-15,1248.920044,1257.449951,1245.359985,1249.439941,1249.439941,1071800000 +2001-05-16,1249.439941,1286.390015,1243.020020,1284.989990,1284.989990,1405300000 +2001-05-17,1284.989990,1296.479980,1282.650024,1288.489990,1288.489990,1355600000 +2001-05-18,1288.489990,1292.060059,1281.150024,1291.959961,1291.959961,1130800000 +2001-05-21,1291.959961,1312.949951,1287.869995,1312.829956,1312.829956,1174900000 +2001-05-22,1312.829956,1315.930054,1306.890015,1309.380005,1309.380005,1260400000 +2001-05-23,1309.380005,1309.380005,1288.699951,1289.050049,1289.050049,1134800000 +2001-05-24,1289.050049,1295.040039,1281.219971,1293.170044,1293.170044,1100700000 +2001-05-25,1293.170044,1293.170044,1276.420044,1277.890015,1277.890015,828100000 +2001-05-29,1277.890015,1278.420044,1265.410034,1267.930054,1267.930054,1026000000 +2001-05-30,1267.930054,1267.930054,1245.959961,1248.079956,1248.079956,1158600000 +2001-05-31,1248.079956,1261.910034,1248.069946,1255.819946,1255.819946,1226600000 +2001-06-01,1255.819946,1265.339966,1246.880005,1260.670044,1260.670044,1015000000 +2001-06-04,1260.670044,1267.170044,1256.359985,1267.109985,1267.109985,836500000 +2001-06-05,1267.109985,1286.619995,1267.109985,1283.569946,1283.569946,1116800000 +2001-06-06,1283.569946,1283.849976,1269.010010,1270.030029,1270.030029,1061900000 +2001-06-07,1270.030029,1277.079956,1265.079956,1276.959961,1276.959961,1089600000 +2001-06-08,1276.959961,1277.109985,1259.989990,1264.959961,1264.959961,726200000 +2001-06-11,1264.959961,1264.959961,1249.229980,1254.390015,1254.390015,870100000 +2001-06-12,1254.390015,1261.000000,1235.750000,1255.849976,1255.849976,1136500000 +2001-06-13,1255.849976,1259.750000,1241.589966,1241.599976,1241.599976,1063600000 +2001-06-14,1241.599976,1241.599976,1218.900024,1219.869995,1219.869995,1242900000 +2001-06-15,1219.869995,1221.500000,1203.030029,1214.359985,1214.359985,1635550000 +2001-06-18,1214.359985,1221.229980,1208.329956,1208.430054,1208.430054,1111600000 +2001-06-19,1208.430054,1226.109985,1207.709961,1212.579956,1212.579956,1184900000 +2001-06-20,1212.579956,1225.609985,1210.069946,1223.140015,1223.140015,1350100000 +2001-06-21,1223.140015,1240.239990,1220.250000,1237.040039,1237.040039,1546820000 +2001-06-22,1237.040039,1237.729980,1221.410034,1225.349976,1225.349976,1189200000 +2001-06-25,1225.349976,1231.500000,1213.599976,1218.599976,1218.599976,1050100000 +2001-06-26,1218.599976,1220.699951,1204.640015,1216.760010,1216.760010,1198900000 +2001-06-27,1216.760010,1219.920044,1207.290039,1211.069946,1211.069946,1162100000 +2001-06-28,1211.069946,1234.439941,1211.069946,1226.199951,1226.199951,1327300000 +2001-06-29,1226.199951,1237.290039,1221.140015,1224.380005,1224.380005,1832360000 +2001-07-02,1224.420044,1239.780029,1224.030029,1236.719971,1236.719971,1128300000 +2001-07-03,1236.709961,1236.709961,1229.430054,1234.449951,1234.449951,622110000 +2001-07-05,1234.449951,1234.449951,1219.150024,1219.239990,1219.239990,934900000 +2001-07-06,1219.239990,1219.239990,1188.739990,1190.589966,1190.589966,1056700000 +2001-07-09,1190.589966,1201.760010,1189.750000,1198.780029,1198.780029,1045700000 +2001-07-10,1198.780029,1203.430054,1179.930054,1181.520020,1181.520020,1263800000 +2001-07-11,1181.520020,1184.930054,1168.459961,1180.180054,1180.180054,1384100000 +2001-07-12,1180.180054,1210.250000,1180.180054,1208.140015,1208.140015,1394000000 +2001-07-13,1208.140015,1218.540039,1203.609985,1215.680054,1215.680054,1121700000 +2001-07-16,1215.680054,1219.630005,1200.050049,1202.449951,1202.449951,1039800000 +2001-07-17,1202.449951,1215.359985,1196.140015,1214.439941,1214.439941,1238100000 +2001-07-18,1214.439941,1214.439941,1198.329956,1207.709961,1207.709961,1316300000 +2001-07-19,1207.709961,1225.040039,1205.800049,1215.020020,1215.020020,1343500000 +2001-07-20,1215.020020,1215.689941,1207.040039,1210.849976,1210.849976,1170900000 +2001-07-23,1210.849976,1215.219971,1190.500000,1191.030029,1191.030029,986900000 +2001-07-24,1191.030029,1191.030029,1165.540039,1171.650024,1171.650024,1198700000 +2001-07-25,1171.650024,1190.520020,1171.280029,1190.489990,1190.489990,1280700000 +2001-07-26,1190.489990,1204.180054,1182.650024,1202.930054,1202.930054,1213900000 +2001-07-27,1202.930054,1209.260010,1195.989990,1205.819946,1205.819946,1015300000 +2001-07-30,1205.819946,1209.050049,1200.410034,1204.520020,1204.520020,909100000 +2001-07-31,1204.520020,1222.739990,1204.520020,1211.229980,1211.229980,1129200000 +2001-08-01,1211.229980,1223.040039,1211.229980,1215.930054,1215.930054,1340300000 +2001-08-02,1215.930054,1226.270020,1215.310059,1220.750000,1220.750000,1218300000 +2001-08-03,1220.750000,1220.750000,1205.310059,1214.349976,1214.349976,939900000 +2001-08-06,1214.349976,1214.349976,1197.349976,1200.479980,1200.479980,811700000 +2001-08-07,1200.469971,1207.560059,1195.640015,1204.400024,1204.400024,1012000000 +2001-08-08,1204.400024,1206.790039,1181.270020,1183.530029,1183.530029,1124600000 +2001-08-09,1183.530029,1184.709961,1174.680054,1183.430054,1183.430054,1104200000 +2001-08-10,1183.430054,1193.329956,1169.550049,1190.160034,1190.160034,960900000 +2001-08-13,1190.160034,1193.819946,1185.119995,1191.290039,1191.290039,837600000 +2001-08-14,1191.290039,1198.790039,1184.260010,1186.729980,1186.729980,964600000 +2001-08-15,1186.729980,1191.209961,1177.609985,1178.020020,1178.020020,1065600000 +2001-08-16,1178.020020,1181.800049,1166.079956,1181.660034,1181.660034,1055400000 +2001-08-17,1181.660034,1181.660034,1156.069946,1161.969971,1161.969971,974300000 +2001-08-20,1161.969971,1171.410034,1160.939941,1171.410034,1171.410034,897100000 +2001-08-21,1171.410034,1179.849976,1156.560059,1157.260010,1157.260010,1041600000 +2001-08-22,1157.260010,1168.560059,1153.339966,1165.310059,1165.310059,1110800000 +2001-08-23,1165.310059,1169.859985,1160.959961,1162.089966,1162.089966,986200000 +2001-08-24,1162.089966,1185.150024,1162.089966,1184.930054,1184.930054,1043600000 +2001-08-27,1184.930054,1186.849976,1178.069946,1179.209961,1179.209961,842600000 +2001-08-28,1179.209961,1179.660034,1161.170044,1161.510010,1161.510010,987100000 +2001-08-29,1161.510010,1166.969971,1147.380005,1148.560059,1148.560059,963700000 +2001-08-30,1148.599976,1151.750000,1124.869995,1129.030029,1129.030029,1157000000 +2001-08-31,1129.030029,1141.829956,1126.380005,1133.579956,1133.579956,920100000 +2001-09-04,1133.579956,1155.400024,1129.060059,1132.939941,1132.939941,1178300000 +2001-09-05,1132.939941,1135.520020,1114.859985,1131.739990,1131.739990,1384500000 +2001-09-06,1131.739990,1131.739990,1105.829956,1106.400024,1106.400024,1359700000 +2001-09-07,1106.400024,1106.400024,1082.119995,1085.780029,1085.780029,1424300000 +2001-09-10,1085.780029,1096.939941,1073.150024,1092.540039,1092.540039,1276600000 +2001-09-17,1092.540039,1092.540039,1037.459961,1038.770020,1038.770020,2330830000 +2001-09-18,1038.770020,1046.420044,1029.250000,1032.739990,1032.739990,1650410000 +2001-09-19,1032.739990,1038.910034,984.619995,1016.099976,1016.099976,2120550000 +2001-09-20,1016.099976,1016.099976,984.489990,984.539978,984.539978,2004800000 +2001-09-21,984.539978,984.539978,944.750000,965.799988,965.799988,2317300000 +2001-09-24,965.799988,1008.440002,965.799988,1003.450012,1003.450012,1746600000 +2001-09-25,1003.450012,1017.140015,998.330017,1012.270020,1012.270020,1613800000 +2001-09-26,1012.270020,1020.289978,1002.619995,1007.039978,1007.039978,1519100000 +2001-09-27,1007.039978,1018.919983,998.239990,1018.609985,1018.609985,1467000000 +2001-09-28,1018.609985,1040.939941,1018.609985,1040.939941,1040.939941,1631500000 +2001-10-01,1040.939941,1040.939941,1026.760010,1038.550049,1038.550049,1175600000 +2001-10-02,1038.550049,1051.329956,1034.469971,1051.329956,1051.329956,1289800000 +2001-10-03,1051.329956,1075.380005,1041.479980,1072.280029,1072.280029,1650600000 +2001-10-04,1072.280029,1084.119995,1067.819946,1069.630005,1069.630005,1609100000 +2001-10-05,1069.619995,1072.349976,1053.500000,1071.380005,1071.380005,1301700000 +2001-10-08,1071.369995,1071.369995,1056.880005,1062.439941,1062.439941,979000000 +2001-10-09,1062.439941,1063.369995,1053.829956,1056.750000,1056.750000,1227800000 +2001-10-10,1056.750000,1081.619995,1052.760010,1080.989990,1080.989990,1312400000 +2001-10-11,1080.989990,1099.160034,1080.989990,1097.430054,1097.430054,1704580000 +2001-10-12,1097.430054,1097.430054,1072.150024,1091.650024,1091.650024,1331400000 +2001-10-15,1091.650024,1091.650024,1078.189941,1089.979980,1089.979980,1024700000 +2001-10-16,1089.979980,1101.660034,1087.130005,1097.540039,1097.540039,1210500000 +2001-10-17,1097.540039,1107.119995,1076.569946,1077.089966,1077.089966,1452200000 +2001-10-18,1077.089966,1077.939941,1064.540039,1068.609985,1068.609985,1262900000 +2001-10-19,1068.609985,1075.520020,1057.239990,1073.479980,1073.479980,1294900000 +2001-10-22,1073.479980,1090.569946,1070.790039,1089.900024,1089.900024,1105700000 +2001-10-23,1089.900024,1098.989990,1081.530029,1084.780029,1084.780029,1317300000 +2001-10-24,1084.780029,1090.260010,1079.979980,1085.199951,1085.199951,1336200000 +2001-10-25,1085.199951,1100.089966,1065.640015,1100.089966,1100.089966,1364400000 +2001-10-26,1100.089966,1110.609985,1094.239990,1104.609985,1104.609985,1244500000 +2001-10-29,1104.609985,1104.609985,1078.300049,1078.300049,1078.300049,1106100000 +2001-10-30,1078.300049,1078.300049,1053.609985,1059.790039,1059.790039,1297400000 +2001-10-31,1059.790039,1074.790039,1057.550049,1059.780029,1059.780029,1352500000 +2001-11-01,1059.780029,1085.609985,1054.310059,1084.099976,1084.099976,1317400000 +2001-11-02,1084.099976,1089.630005,1075.579956,1087.199951,1087.199951,1121900000 +2001-11-05,1087.199951,1106.719971,1087.199951,1102.839966,1102.839966,1267700000 +2001-11-06,1102.839966,1119.729980,1095.359985,1118.859985,1118.859985,1356000000 +2001-11-07,1118.859985,1126.619995,1112.979980,1115.800049,1115.800049,1411300000 +2001-11-08,1115.800049,1135.750000,1115.420044,1118.540039,1118.540039,1517500000 +2001-11-09,1118.540039,1123.020020,1111.130005,1120.310059,1120.310059,1093800000 +2001-11-12,1120.310059,1121.709961,1098.319946,1118.329956,1118.329956,991600000 +2001-11-13,1118.329956,1139.140015,1118.329956,1139.089966,1139.089966,1370100000 +2001-11-14,1139.089966,1148.280029,1132.869995,1141.209961,1141.209961,1443400000 +2001-11-15,1141.209961,1146.459961,1135.060059,1142.239990,1142.239990,1454500000 +2001-11-16,1142.239990,1143.520020,1129.920044,1138.650024,1138.650024,1337400000 +2001-11-19,1138.650024,1151.060059,1138.650024,1151.060059,1151.060059,1316800000 +2001-11-20,1151.060059,1152.449951,1142.170044,1142.660034,1142.660034,1330200000 +2001-11-21,1142.660034,1142.660034,1129.780029,1137.030029,1137.030029,1029300000 +2001-11-23,1137.030029,1151.050049,1135.900024,1150.339966,1150.339966,410300000 +2001-11-26,1150.339966,1157.880005,1146.170044,1157.420044,1157.420044,1129800000 +2001-11-27,1157.420044,1163.380005,1140.810059,1149.500000,1149.500000,1288000000 +2001-11-28,1149.500000,1149.500000,1128.290039,1128.520020,1128.520020,1423700000 +2001-11-29,1128.520020,1140.400024,1125.510010,1140.199951,1140.199951,1375700000 +2001-11-30,1140.199951,1143.569946,1135.890015,1139.449951,1139.449951,1343600000 +2001-12-03,1139.449951,1139.449951,1125.780029,1129.900024,1129.900024,1202900000 +2001-12-04,1129.900024,1144.800049,1128.859985,1144.800049,1144.800049,1318500000 +2001-12-05,1143.770020,1173.619995,1143.770020,1170.349976,1170.349976,1765300000 +2001-12-06,1170.349976,1173.349976,1164.430054,1167.099976,1167.099976,1487900000 +2001-12-07,1167.099976,1167.099976,1152.660034,1158.310059,1158.310059,1248200000 +2001-12-10,1158.310059,1158.310059,1139.660034,1139.930054,1139.930054,1218700000 +2001-12-11,1139.930054,1150.890015,1134.319946,1136.760010,1136.760010,1367200000 +2001-12-12,1136.760010,1141.579956,1126.010010,1137.069946,1137.069946,1449700000 +2001-12-13,1137.069946,1137.069946,1117.849976,1119.380005,1119.380005,1511500000 +2001-12-14,1119.380005,1128.280029,1114.530029,1123.089966,1123.089966,1306800000 +2001-12-17,1123.089966,1137.300049,1122.660034,1134.359985,1134.359985,1260400000 +2001-12-18,1134.359985,1145.099976,1134.359985,1142.920044,1142.920044,1354000000 +2001-12-19,1142.920044,1152.439941,1134.750000,1149.560059,1149.560059,1484900000 +2001-12-20,1149.560059,1151.420044,1139.930054,1139.930054,1139.930054,1490500000 +2001-12-21,1139.930054,1147.459961,1139.930054,1144.890015,1144.890015,1694000000 +2001-12-24,1144.890015,1147.829956,1144.619995,1144.650024,1144.650024,439670000 +2001-12-26,1144.650024,1159.180054,1144.650024,1149.369995,1149.369995,791100000 +2001-12-27,1149.369995,1157.130005,1149.369995,1157.130005,1157.130005,876300000 +2001-12-28,1157.130005,1164.640015,1157.130005,1161.020020,1161.020020,917400000 +2001-12-31,1161.020020,1161.160034,1148.040039,1148.079956,1148.079956,943600000 +2002-01-02,1148.079956,1154.670044,1136.229980,1154.670044,1154.670044,1171000000 +2002-01-03,1154.670044,1165.270020,1154.010010,1165.270020,1165.270020,1398900000 +2002-01-04,1165.270020,1176.550049,1163.420044,1172.510010,1172.510010,1513000000 +2002-01-07,1172.510010,1176.969971,1163.550049,1164.890015,1164.890015,1308300000 +2002-01-08,1164.890015,1167.599976,1157.459961,1160.709961,1160.709961,1258800000 +2002-01-09,1160.709961,1174.260010,1151.890015,1155.140015,1155.140015,1452000000 +2002-01-10,1155.140015,1159.930054,1150.849976,1156.550049,1156.550049,1299000000 +2002-01-11,1156.550049,1159.410034,1145.449951,1145.599976,1145.599976,1211900000 +2002-01-14,1145.599976,1145.599976,1138.150024,1138.410034,1138.410034,1286400000 +2002-01-15,1138.410034,1148.810059,1136.880005,1146.189941,1146.189941,1386900000 +2002-01-16,1146.189941,1146.189941,1127.489990,1127.569946,1127.569946,1482500000 +2002-01-17,1127.569946,1139.270020,1127.569946,1138.880005,1138.880005,1380100000 +2002-01-18,1138.880005,1138.880005,1124.449951,1127.579956,1127.579956,1333300000 +2002-01-22,1127.579956,1135.260010,1117.910034,1119.310059,1119.310059,1311600000 +2002-01-23,1119.310059,1131.939941,1117.430054,1128.180054,1128.180054,1479200000 +2002-01-24,1128.180054,1139.500000,1128.180054,1132.150024,1132.150024,1552800000 +2002-01-25,1132.150024,1138.310059,1127.819946,1133.280029,1133.280029,1345100000 +2002-01-28,1133.280029,1138.630005,1126.660034,1133.060059,1133.060059,1186800000 +2002-01-29,1133.060059,1137.469971,1098.739990,1100.640015,1100.640015,1812000000 +2002-01-30,1100.640015,1113.790039,1081.660034,1113.569946,1113.569946,2019600000 +2002-01-31,1113.569946,1130.209961,1113.300049,1130.199951,1130.199951,1557000000 +2002-02-01,1130.199951,1130.199951,1118.510010,1122.199951,1122.199951,1367200000 +2002-02-04,1122.199951,1122.199951,1092.250000,1094.439941,1094.439941,1437600000 +2002-02-05,1094.439941,1100.959961,1082.579956,1090.020020,1090.020020,1778300000 +2002-02-06,1090.020020,1093.579956,1077.780029,1083.510010,1083.510010,1665800000 +2002-02-07,1083.510010,1094.030029,1078.439941,1080.170044,1080.170044,1441600000 +2002-02-08,1080.170044,1096.300049,1079.910034,1096.219971,1096.219971,1371900000 +2002-02-11,1096.219971,1112.010010,1094.680054,1111.939941,1111.939941,1159400000 +2002-02-12,1111.939941,1112.680054,1102.979980,1107.500000,1107.500000,1094200000 +2002-02-13,1107.500000,1120.560059,1107.500000,1118.510010,1118.510010,1215900000 +2002-02-14,1118.510010,1124.719971,1112.300049,1116.479980,1116.479980,1272500000 +2002-02-15,1116.479980,1117.089966,1103.229980,1104.180054,1104.180054,1359200000 +2002-02-19,1104.180054,1104.180054,1082.239990,1083.339966,1083.339966,1189900000 +2002-02-20,1083.339966,1098.319946,1074.359985,1097.979980,1097.979980,1438900000 +2002-02-21,1097.979980,1101.500000,1080.239990,1080.949951,1080.949951,1381600000 +2002-02-22,1080.949951,1093.930054,1074.390015,1089.839966,1089.839966,1411000000 +2002-02-25,1089.839966,1112.709961,1089.839966,1109.430054,1109.430054,1367400000 +2002-02-26,1109.430054,1115.050049,1101.719971,1109.380005,1109.380005,1309200000 +2002-02-27,1109.380005,1123.060059,1102.260010,1109.890015,1109.890015,1393800000 +2002-02-28,1109.890015,1121.569946,1106.729980,1106.729980,1106.729980,1392200000 +2002-03-01,1106.729980,1131.790039,1106.729980,1131.780029,1131.780029,1456500000 +2002-03-04,1131.780029,1153.839966,1130.930054,1153.839966,1153.839966,1594300000 +2002-03-05,1153.839966,1157.739990,1144.780029,1146.140015,1146.140015,1549300000 +2002-03-06,1146.140015,1165.290039,1145.109985,1162.770020,1162.770020,1541300000 +2002-03-07,1162.770020,1167.939941,1150.689941,1157.540039,1157.540039,1517400000 +2002-03-08,1157.540039,1172.760010,1157.540039,1164.310059,1164.310059,1412000000 +2002-03-11,1164.310059,1173.030029,1159.579956,1168.260010,1168.260010,1210200000 +2002-03-12,1168.260010,1168.260010,1154.339966,1165.579956,1165.579956,1304400000 +2002-03-13,1165.579956,1165.579956,1151.010010,1154.089966,1154.089966,1354000000 +2002-03-14,1154.089966,1157.829956,1151.079956,1153.040039,1153.040039,1208800000 +2002-03-15,1153.040039,1166.479980,1153.040039,1166.160034,1166.160034,1493900000 +2002-03-18,1166.160034,1172.729980,1159.140015,1165.550049,1165.550049,1169500000 +2002-03-19,1165.550049,1173.939941,1165.550049,1170.290039,1170.290039,1255000000 +2002-03-20,1170.290039,1170.290039,1151.609985,1151.849976,1151.849976,1304900000 +2002-03-21,1151.849976,1155.099976,1139.479980,1153.589966,1153.589966,1339200000 +2002-03-22,1153.589966,1156.489990,1144.599976,1148.699951,1148.699951,1243300000 +2002-03-25,1148.699951,1151.040039,1131.869995,1131.869995,1131.869995,1057900000 +2002-03-26,1131.869995,1147.000000,1131.609985,1138.489990,1138.489990,1223600000 +2002-03-27,1138.489990,1146.949951,1135.329956,1144.579956,1144.579956,1180100000 +2002-03-28,1144.579956,1154.449951,1144.579956,1147.390015,1147.390015,1147600000 +2002-04-01,1147.390015,1147.839966,1132.869995,1146.540039,1146.540039,1050900000 +2002-04-02,1146.540039,1146.540039,1135.709961,1136.760010,1136.760010,1176700000 +2002-04-03,1136.760010,1138.849976,1119.680054,1125.400024,1125.400024,1219700000 +2002-04-04,1125.400024,1130.449951,1120.060059,1126.339966,1126.339966,1283800000 +2002-04-05,1126.339966,1133.310059,1119.489990,1122.729980,1122.729980,1110200000 +2002-04-08,1122.729980,1125.410034,1111.790039,1125.290039,1125.290039,1095300000 +2002-04-09,1125.290039,1128.290039,1116.729980,1117.800049,1117.800049,1235400000 +2002-04-10,1117.800049,1131.760010,1117.800049,1130.469971,1130.469971,1447900000 +2002-04-11,1130.469971,1130.469971,1102.420044,1103.689941,1103.689941,1505600000 +2002-04-12,1103.689941,1112.770020,1102.739990,1111.010010,1111.010010,1282100000 +2002-04-15,1111.010010,1114.859985,1099.410034,1102.550049,1102.550049,1120400000 +2002-04-16,1102.550049,1129.400024,1102.550049,1128.369995,1128.369995,1341300000 +2002-04-17,1128.369995,1133.000000,1123.369995,1126.069946,1126.069946,1376900000 +2002-04-18,1126.069946,1130.489990,1109.290039,1124.469971,1124.469971,1359300000 +2002-04-19,1124.469971,1128.819946,1122.589966,1125.170044,1125.170044,1185000000 +2002-04-22,1125.170044,1125.170044,1105.619995,1107.829956,1107.829956,1181800000 +2002-04-23,1107.829956,1111.170044,1098.939941,1100.959961,1100.959961,1388500000 +2002-04-24,1100.959961,1108.459961,1092.510010,1093.140015,1093.140015,1373200000 +2002-04-25,1093.140015,1094.359985,1084.810059,1091.479980,1091.479980,1517400000 +2002-04-26,1091.479980,1096.770020,1076.310059,1076.319946,1076.319946,1374200000 +2002-04-29,1076.319946,1078.949951,1063.619995,1065.449951,1065.449951,1314700000 +2002-04-30,1065.449951,1082.619995,1063.459961,1076.920044,1076.920044,1628600000 +2002-05-01,1076.920044,1088.319946,1065.290039,1086.459961,1086.459961,1451400000 +2002-05-02,1086.459961,1091.420044,1079.459961,1084.560059,1084.560059,1364000000 +2002-05-03,1084.560059,1084.560059,1068.890015,1073.430054,1073.430054,1284500000 +2002-05-06,1073.430054,1075.959961,1052.650024,1052.670044,1052.670044,1122600000 +2002-05-07,1052.670044,1058.670044,1048.959961,1049.489990,1049.489990,1354700000 +2002-05-08,1049.489990,1088.920044,1049.489990,1088.849976,1088.849976,1502000000 +2002-05-09,1088.849976,1088.849976,1072.229980,1073.010010,1073.010010,1153000000 +2002-05-10,1073.010010,1075.430054,1053.930054,1054.989990,1054.989990,1171900000 +2002-05-13,1054.989990,1074.839966,1053.900024,1074.560059,1074.560059,1088600000 +2002-05-14,1074.560059,1097.709961,1074.560059,1097.280029,1097.280029,1414500000 +2002-05-15,1097.280029,1104.229980,1088.939941,1091.069946,1091.069946,1420200000 +2002-05-16,1091.069946,1099.290039,1089.170044,1098.229980,1098.229980,1256600000 +2002-05-17,1098.229980,1106.589966,1096.770020,1106.589966,1106.589966,1274400000 +2002-05-20,1106.589966,1106.589966,1090.609985,1091.880005,1091.880005,989800000 +2002-05-21,1091.880005,1099.550049,1079.079956,1079.880005,1079.880005,1200500000 +2002-05-22,1079.880005,1086.020020,1075.640015,1086.020020,1086.020020,1136300000 +2002-05-23,1086.020020,1097.099976,1080.550049,1097.079956,1097.079956,1192900000 +2002-05-24,1097.079956,1097.079956,1082.189941,1083.819946,1083.819946,885400000 +2002-05-28,1083.819946,1085.979980,1070.310059,1074.550049,1074.550049,996500000 +2002-05-29,1074.550049,1074.829956,1067.660034,1067.660034,1067.660034,1081800000 +2002-05-30,1067.660034,1069.500000,1054.260010,1064.660034,1064.660034,1286600000 +2002-05-31,1064.660034,1079.930054,1064.660034,1067.140015,1067.140015,1277300000 +2002-06-03,1067.140015,1070.739990,1039.900024,1040.680054,1040.680054,1324300000 +2002-06-04,1040.680054,1046.060059,1030.520020,1040.689941,1040.689941,1466600000 +2002-06-05,1040.689941,1050.109985,1038.839966,1049.900024,1049.900024,1300100000 +2002-06-06,1049.900024,1049.900024,1026.910034,1029.150024,1029.150024,1601500000 +2002-06-07,1029.150024,1033.020020,1012.489990,1027.530029,1027.530029,1341300000 +2002-06-10,1027.530029,1038.180054,1025.449951,1030.739990,1030.739990,1226200000 +2002-06-11,1030.739990,1039.040039,1012.940002,1013.599976,1013.599976,1212400000 +2002-06-12,1013.260010,1021.849976,1002.580017,1020.260010,1020.260010,1795720000 +2002-06-13,1020.260010,1023.469971,1008.119995,1009.559998,1009.559998,1405500000 +2002-06-14,1009.559998,1009.559998,981.630005,1007.270020,1007.270020,1549000000 +2002-06-17,1007.270020,1036.170044,1007.270020,1036.170044,1036.170044,1236600000 +2002-06-18,1036.170044,1040.829956,1030.920044,1037.140015,1037.140015,1193100000 +2002-06-19,1037.140015,1037.609985,1017.880005,1019.989990,1019.989990,1336100000 +2002-06-20,1019.989990,1023.330017,1004.590027,1006.289978,1006.289978,1389700000 +2002-06-21,1006.289978,1006.289978,985.650024,989.140015,989.140015,1497200000 +2002-06-24,989.140015,1002.109985,970.849976,992.719971,992.719971,1552600000 +2002-06-25,992.719971,1005.880005,974.210022,976.140015,976.140015,1513700000 +2002-06-26,976.140015,977.429993,952.919983,973.530029,973.530029,2014290000 +2002-06-27,973.530029,990.669983,963.739990,990.640015,990.640015,1908600000 +2002-06-28,990.640015,1001.789978,988.309998,989.820007,989.820007,2117000000 +2002-07-01,989.820007,994.460022,967.429993,968.650024,968.650024,1425500000 +2002-07-02,968.650024,968.650024,945.539978,948.090027,948.090027,1823000000 +2002-07-03,948.090027,954.299988,934.869995,953.989990,953.989990,1527800000 +2002-07-05,953.989990,989.070007,953.989990,989.030029,989.030029,699400000 +2002-07-08,989.030029,993.559998,972.909973,976.979980,976.979980,1184400000 +2002-07-09,976.979980,979.630005,951.710022,952.830017,952.830017,1348900000 +2002-07-10,952.830017,956.340027,920.289978,920.469971,920.469971,1816900000 +2002-07-11,920.469971,929.159973,900.940002,927.369995,927.369995,2080480000 +2002-07-12,927.369995,934.309998,913.710022,921.390015,921.390015,1607400000 +2002-07-15,921.390015,921.390015,876.460022,917.929993,917.929993,2574800000 +2002-07-16,917.929993,918.650024,897.130005,900.940002,900.940002,1843700000 +2002-07-17,901.049988,926.520020,895.030029,906.039978,906.039978,2566500000 +2002-07-18,905.450012,907.799988,880.599976,881.559998,881.559998,1736300000 +2002-07-19,881.559998,881.559998,842.070007,847.750000,847.750000,2654100000 +2002-07-22,847.760010,854.130005,813.260010,819.849976,819.849976,2248060000 +2002-07-23,819.849976,827.690002,796.130005,797.700012,797.700012,2441020000 +2002-07-24,797.710022,844.320007,775.679993,843.429993,843.429993,2775560000 +2002-07-25,843.419983,853.830017,816.109985,838.679993,838.679993,2424700000 +2002-07-26,838.679993,852.849976,835.919983,852.840027,852.840027,1796100000 +2002-07-29,852.840027,898.960022,852.840027,898.960022,898.960022,1778650000 +2002-07-30,898.960022,909.809998,884.700012,902.780029,902.780029,1826090000 +2002-07-31,902.780029,911.640015,889.880005,911.619995,911.619995,2049360000 +2002-08-01,911.619995,911.619995,882.479980,884.659973,884.659973,1672200000 +2002-08-02,884.400024,884.719971,853.950012,864.239990,864.239990,1538100000 +2002-08-05,864.239990,864.239990,833.440002,834.599976,834.599976,1425500000 +2002-08-06,834.599976,874.440002,834.599976,859.570007,859.570007,1514100000 +2002-08-07,859.570007,878.739990,854.150024,876.770020,876.770020,1490400000 +2002-08-08,876.770020,905.840027,875.169983,905.460022,905.460022,1646700000 +2002-08-09,898.729980,913.950012,890.770020,908.640015,908.640015,1294900000 +2002-08-12,908.640015,908.640015,892.380005,903.799988,903.799988,1036500000 +2002-08-13,903.799988,911.710022,883.619995,884.210022,884.210022,1297700000 +2002-08-14,884.210022,920.210022,876.200012,919.619995,919.619995,1533800000 +2002-08-15,919.619995,933.289978,918.169983,930.250000,930.250000,1505100000 +2002-08-16,930.250000,935.380005,916.210022,928.770020,928.770020,1265300000 +2002-08-19,928.770020,951.169983,927.210022,950.700012,950.700012,1299800000 +2002-08-20,950.700012,950.700012,931.859985,937.429993,937.429993,1308500000 +2002-08-21,937.429993,951.590027,931.320007,949.359985,949.359985,1353100000 +2002-08-22,949.359985,965.000000,946.429993,962.700012,962.700012,1373000000 +2002-08-23,962.700012,962.700012,937.169983,940.859985,940.859985,1071500000 +2002-08-26,940.859985,950.799988,930.419983,947.950012,947.950012,1016900000 +2002-08-27,947.950012,955.820007,930.359985,934.820007,934.820007,1307700000 +2002-08-28,934.820007,934.820007,913.210022,917.869995,917.869995,1146600000 +2002-08-29,917.869995,924.590027,903.330017,917.799988,917.799988,1271100000 +2002-08-30,917.799988,928.150024,910.169983,916.070007,916.070007,929900000 +2002-09-03,916.070007,916.070007,877.510010,878.020020,878.020020,1289800000 +2002-09-04,878.020020,896.099976,875.729980,893.400024,893.400024,1372100000 +2002-09-05,893.400024,893.400024,870.500000,879.150024,879.150024,1401300000 +2002-09-06,879.150024,899.070007,879.150024,893.919983,893.919983,1184500000 +2002-09-09,893.919983,907.340027,882.919983,902.960022,902.960022,1130600000 +2002-09-10,902.960022,909.890015,900.500000,909.580017,909.580017,1186400000 +2002-09-11,910.630005,924.020020,908.469971,909.450012,909.450012,846600000 +2002-09-12,909.450012,909.450012,884.840027,886.909973,886.909973,1191600000 +2002-09-13,886.909973,892.750000,877.049988,889.809998,889.809998,1271000000 +2002-09-16,889.809998,891.840027,878.909973,891.099976,891.099976,1001400000 +2002-09-17,891.099976,902.679993,872.380005,873.520020,873.520020,1448600000 +2002-09-18,873.520020,878.450012,857.390015,869.460022,869.460022,1501000000 +2002-09-19,869.460022,869.460022,843.090027,843.320007,843.320007,1524000000 +2002-09-20,843.320007,849.320007,839.090027,845.390015,845.390015,1792800000 +2002-09-23,845.390015,845.390015,825.760010,833.700012,833.700012,1381100000 +2002-09-24,833.700012,833.700012,817.380005,819.289978,819.289978,1670240000 +2002-09-25,819.270020,844.219971,818.460022,839.659973,839.659973,1651500000 +2002-09-26,839.659973,856.599976,839.659973,854.950012,854.950012,1650000000 +2002-09-27,854.950012,854.950012,826.840027,827.369995,827.369995,1507300000 +2002-09-30,827.369995,827.369995,800.200012,815.280029,815.280029,1721870000 +2002-10-01,815.280029,847.929993,812.820007,847.909973,847.909973,1780900000 +2002-10-02,843.770020,851.929993,826.500000,827.909973,827.909973,1668900000 +2002-10-03,827.909973,840.020020,817.250000,818.950012,818.950012,1674500000 +2002-10-04,818.950012,825.900024,794.099976,800.580017,800.580017,1835930000 +2002-10-07,800.580017,808.210022,782.960022,785.280029,785.280029,1576500000 +2002-10-08,785.280029,808.859985,779.500000,798.549988,798.549988,1938430000 +2002-10-09,798.549988,798.549988,775.799988,776.760010,776.760010,1885030000 +2002-10-10,776.760010,806.510010,768.630005,803.919983,803.919983,2090230000 +2002-10-11,803.919983,843.270020,803.919983,835.320007,835.320007,1854130000 +2002-10-14,835.320007,844.390015,828.369995,841.440002,841.440002,1200300000 +2002-10-15,841.440002,881.270020,841.440002,881.270020,881.270020,1956000000 +2002-10-16,881.270020,881.270020,856.280029,860.020020,860.020020,1585000000 +2002-10-17,860.020020,885.349976,860.020020,879.200012,879.200012,1780390000 +2002-10-18,879.200012,886.679993,866.580017,884.390015,884.390015,1423100000 +2002-10-21,884.390015,900.690002,873.059998,899.719971,899.719971,1447000000 +2002-10-22,899.719971,899.719971,882.400024,890.159973,890.159973,1549200000 +2002-10-23,890.159973,896.140015,873.820007,896.140015,896.140015,1593900000 +2002-10-24,896.140015,902.940002,879.000000,882.500000,882.500000,1700570000 +2002-10-25,882.500000,897.710022,877.030029,897.650024,897.650024,1340400000 +2002-10-28,897.650024,907.440002,886.150024,890.229980,890.229980,1382600000 +2002-10-29,890.229980,890.640015,867.909973,882.150024,882.150024,1529700000 +2002-10-30,882.150024,895.280029,879.190002,890.710022,890.710022,1422300000 +2002-10-31,890.710022,898.830017,879.750000,885.760010,885.760010,1641300000 +2002-11-01,885.760010,903.419983,877.710022,900.960022,900.960022,1450400000 +2002-11-04,900.960022,924.580017,900.960022,908.349976,908.349976,1645900000 +2002-11-05,908.349976,915.830017,904.909973,915.390015,915.390015,1354100000 +2002-11-06,915.390015,925.659973,905.000000,923.760010,923.760010,1674000000 +2002-11-07,923.760010,923.760010,898.679993,902.650024,902.650024,1466900000 +2002-11-08,902.650024,910.109985,891.619995,894.739990,894.739990,1446500000 +2002-11-11,894.739990,894.739990,874.630005,876.190002,876.190002,1113000000 +2002-11-12,876.190002,894.299988,876.190002,882.950012,882.950012,1377100000 +2002-11-13,882.950012,892.510010,872.049988,882.530029,882.530029,1463400000 +2002-11-14,882.530029,904.270020,882.530029,904.270020,904.270020,1519000000 +2002-11-15,904.270020,910.210022,895.349976,909.830017,909.830017,1400100000 +2002-11-18,909.830017,915.909973,899.479980,900.359985,900.359985,1282600000 +2002-11-19,900.359985,905.450012,893.090027,896.739990,896.739990,1337400000 +2002-11-20,896.739990,915.010010,894.929993,914.150024,914.150024,1517300000 +2002-11-21,914.150024,935.130005,914.150024,933.760010,933.760010,2415100000 +2002-11-22,933.760010,937.280029,928.409973,930.549988,930.549988,1626800000 +2002-11-25,930.549988,937.150024,923.309998,932.869995,932.869995,1574000000 +2002-11-26,932.869995,932.869995,912.099976,913.309998,913.309998,1543600000 +2002-11-27,913.309998,940.409973,913.309998,938.869995,938.869995,1350300000 +2002-11-29,938.869995,941.820007,935.580017,936.309998,936.309998,643460000 +2002-12-02,936.309998,954.280029,927.719971,934.530029,934.530029,1612000000 +2002-12-03,934.530029,934.530029,918.729980,920.750000,920.750000,1488400000 +2002-12-04,920.750000,925.250000,909.510010,917.580017,917.580017,1588900000 +2002-12-05,917.580017,921.489990,905.900024,906.549988,906.549988,1250200000 +2002-12-06,906.549988,915.479980,895.960022,912.229980,912.229980,1241100000 +2002-12-09,912.229980,912.229980,891.969971,892.000000,892.000000,1320800000 +2002-12-10,892.000000,904.950012,892.000000,904.450012,904.450012,1286600000 +2002-12-11,904.450012,909.940002,896.479980,904.960022,904.960022,1285100000 +2002-12-12,904.960022,908.369995,897.000000,901.580017,901.580017,1255300000 +2002-12-13,901.580017,901.580017,888.479980,889.479980,889.479980,1330800000 +2002-12-16,889.479980,910.419983,889.479980,910.400024,910.400024,1271600000 +2002-12-17,910.400024,911.219971,901.739990,902.989990,902.989990,1251800000 +2002-12-18,902.989990,902.989990,887.820007,891.119995,891.119995,1446200000 +2002-12-19,890.020020,899.190002,880.320007,884.250000,884.250000,1385900000 +2002-12-20,884.250000,897.789978,884.250000,895.760010,895.760010,1782730000 +2002-12-23,895.739990,902.429993,892.260010,897.380005,897.380005,1112100000 +2002-12-24,897.380005,897.380005,892.289978,892.469971,892.469971,458310000 +2002-12-26,892.469971,903.890015,887.479980,889.659973,889.659973,721100000 +2002-12-27,889.659973,890.460022,873.619995,875.400024,875.400024,758400000 +2002-12-30,875.400024,882.099976,870.229980,879.390015,879.390015,1057800000 +2002-12-31,879.390015,881.929993,869.450012,879.820007,879.820007,1088500000 +2003-01-02,879.820007,909.030029,879.820007,909.030029,909.030029,1229200000 +2003-01-03,909.030029,911.250000,903.070007,908.590027,908.590027,1130800000 +2003-01-06,908.590027,931.770020,908.590027,929.010010,929.010010,1435900000 +2003-01-07,929.010010,930.809998,919.929993,922.929993,922.929993,1545200000 +2003-01-08,922.929993,922.929993,908.320007,909.929993,909.929993,1467600000 +2003-01-09,909.929993,928.309998,909.929993,927.570007,927.570007,1560300000 +2003-01-10,927.580017,932.890015,917.659973,927.570007,927.570007,1485400000 +2003-01-13,927.570007,935.049988,922.049988,926.260010,926.260010,1396300000 +2003-01-14,926.260010,931.659973,921.719971,931.659973,931.659973,1379400000 +2003-01-15,931.659973,932.590027,916.700012,918.219971,918.219971,1432100000 +2003-01-16,918.219971,926.030029,911.979980,914.599976,914.599976,1534600000 +2003-01-17,914.599976,914.599976,899.020020,901.780029,901.780029,1358200000 +2003-01-21,901.780029,906.000000,887.619995,887.619995,887.619995,1335200000 +2003-01-22,887.619995,889.739990,877.640015,878.359985,878.359985,1560800000 +2003-01-23,878.359985,890.250000,876.890015,887.340027,887.340027,1744550000 +2003-01-24,887.340027,887.340027,859.710022,861.400024,861.400024,1574800000 +2003-01-27,861.400024,863.950012,844.250000,847.479980,847.479980,1435900000 +2003-01-28,847.479980,860.760010,847.479980,858.539978,858.539978,1459100000 +2003-01-29,858.539978,868.719971,845.859985,864.359985,864.359985,1595400000 +2003-01-30,864.359985,865.479980,843.739990,844.609985,844.609985,1510300000 +2003-01-31,844.609985,858.330017,840.340027,855.700012,855.700012,1578530000 +2003-02-03,855.700012,864.640015,855.700012,860.320007,860.320007,1258500000 +2003-02-04,860.320007,860.320007,840.190002,848.200012,848.200012,1451600000 +2003-02-05,848.200012,861.630005,842.109985,843.590027,843.590027,1450800000 +2003-02-06,843.590027,844.229980,833.250000,838.150024,838.150024,1430900000 +2003-02-07,838.150024,845.729980,826.700012,829.690002,829.690002,1276800000 +2003-02-10,829.690002,837.159973,823.530029,835.969971,835.969971,1238200000 +2003-02-11,835.969971,843.020020,825.090027,829.200012,829.200012,1307000000 +2003-02-12,829.200012,832.119995,818.489990,818.679993,818.679993,1260500000 +2003-02-13,818.679993,821.250000,806.289978,817.369995,817.369995,1489300000 +2003-02-14,817.369995,834.890015,815.030029,834.890015,834.890015,1404600000 +2003-02-18,834.890015,852.869995,834.890015,851.169983,851.169983,1250800000 +2003-02-19,851.169983,851.169983,838.789978,845.130005,845.130005,1075600000 +2003-02-20,845.130005,849.369995,836.559998,837.099976,837.099976,1194100000 +2003-02-21,837.099976,852.280029,831.479980,848.169983,848.169983,1398200000 +2003-02-24,848.169983,848.169983,832.159973,832.580017,832.580017,1229200000 +2003-02-25,832.580017,839.549988,818.539978,838.570007,838.570007,1483700000 +2003-02-26,838.570007,840.099976,826.679993,827.549988,827.549988,1374400000 +2003-02-27,827.549988,842.190002,827.549988,837.280029,837.280029,1287800000 +2003-02-28,837.280029,847.000000,837.280029,841.150024,841.150024,1373300000 +2003-03-03,841.150024,852.340027,832.739990,834.809998,834.809998,1208900000 +2003-03-04,834.809998,835.429993,821.960022,821.989990,821.989990,1256600000 +2003-03-05,821.989990,829.869995,819.000000,829.849976,829.849976,1332700000 +2003-03-06,829.849976,829.849976,819.849976,822.099976,822.099976,1299200000 +2003-03-07,822.099976,829.549988,811.229980,828.890015,828.890015,1368500000 +2003-03-10,828.890015,828.890015,806.570007,807.479980,807.479980,1255000000 +2003-03-11,807.479980,814.250000,800.299988,800.729980,800.729980,1427700000 +2003-03-12,800.729980,804.190002,788.900024,804.190002,804.190002,1620000000 +2003-03-13,804.190002,832.020020,804.190002,831.900024,831.900024,1816300000 +2003-03-14,831.890015,841.390015,828.260010,833.270020,833.270020,1541900000 +2003-03-17,833.270020,862.789978,827.169983,862.789978,862.789978,1700420000 +2003-03-18,862.789978,866.940002,857.359985,866.450012,866.450012,1555100000 +2003-03-19,866.450012,874.989990,861.210022,874.020020,874.020020,1473400000 +2003-03-20,874.020020,879.599976,859.010010,875.669983,875.669983,1439100000 +2003-03-21,875.840027,895.900024,875.840027,895.789978,895.789978,1883710000 +2003-03-24,895.789978,895.789978,862.020020,864.229980,864.229980,1293000000 +2003-03-25,864.229980,879.869995,862.590027,874.739990,874.739990,1333400000 +2003-03-26,874.739990,875.799988,866.469971,869.950012,869.950012,1319700000 +2003-03-27,869.950012,874.150024,858.090027,868.520020,868.520020,1232900000 +2003-03-28,868.520020,869.880005,860.830017,863.500000,863.500000,1227000000 +2003-03-31,863.500000,863.500000,843.679993,848.179993,848.179993,1495500000 +2003-04-01,848.179993,861.280029,847.849976,858.479980,858.479980,1461600000 +2003-04-02,858.479980,884.570007,858.479980,880.900024,880.900024,1589800000 +2003-04-03,880.900024,885.890015,876.119995,876.450012,876.450012,1339500000 +2003-04-04,876.450012,882.729980,874.229980,878.849976,878.849976,1241200000 +2003-04-07,878.849976,904.890015,878.849976,879.929993,879.929993,1494000000 +2003-04-08,879.929993,883.109985,874.679993,878.289978,878.289978,1235400000 +2003-04-09,878.289978,887.349976,865.719971,865.989990,865.989990,1293700000 +2003-04-10,865.989990,871.780029,862.760010,871.580017,871.580017,1275300000 +2003-04-11,871.580017,883.340027,865.919983,868.299988,868.299988,1141600000 +2003-04-14,868.299988,885.260010,868.299988,885.229980,885.229980,1131000000 +2003-04-15,885.229980,891.270020,881.849976,890.809998,890.809998,1460200000 +2003-04-16,890.809998,896.770020,877.929993,879.909973,879.909973,1587600000 +2003-04-17,879.909973,893.830017,879.200012,893.580017,893.580017,1430600000 +2003-04-21,893.580017,898.010010,888.169983,892.010010,892.010010,1118700000 +2003-04-22,892.010010,911.739990,886.700012,911.369995,911.369995,1631200000 +2003-04-23,911.369995,919.739990,909.890015,919.020020,919.020020,1667200000 +2003-04-24,919.020020,919.020020,906.690002,911.429993,911.429993,1648100000 +2003-04-25,911.429993,911.429993,897.520020,898.809998,898.809998,1335800000 +2003-04-28,898.809998,918.150024,898.809998,914.840027,914.840027,1273000000 +2003-04-29,914.840027,924.239990,911.099976,917.840027,917.840027,1525600000 +2003-04-30,917.840027,922.010010,911.700012,916.919983,916.919983,1788510000 +2003-05-01,916.919983,919.679993,902.830017,916.299988,916.299988,1397500000 +2003-05-02,916.299988,930.559998,912.349976,930.080017,930.080017,1554300000 +2003-05-05,930.080017,933.880005,924.549988,926.549988,926.549988,1446300000 +2003-05-06,926.549988,939.609985,926.380005,934.390015,934.390015,1649600000 +2003-05-07,934.390015,937.219971,926.409973,929.619995,929.619995,1531900000 +2003-05-08,929.619995,929.619995,919.719971,920.270020,920.270020,1379600000 +2003-05-09,920.270020,933.770020,920.270020,933.409973,933.409973,1326100000 +2003-05-12,933.409973,946.840027,929.299988,945.109985,945.109985,1378800000 +2003-05-13,945.109985,947.510010,938.909973,942.299988,942.299988,1418100000 +2003-05-14,942.299988,947.289978,935.239990,939.280029,939.280029,1401800000 +2003-05-15,939.280029,948.229980,938.789978,946.669983,946.669983,1508700000 +2003-05-16,946.669983,948.650024,938.599976,944.299988,944.299988,1505500000 +2003-05-19,944.299988,944.299988,920.229980,920.770020,920.770020,1375700000 +2003-05-20,920.770020,925.340027,912.049988,919.729980,919.729980,1505300000 +2003-05-21,919.729980,923.849976,914.909973,923.419983,923.419983,1457800000 +2003-05-22,923.419983,935.299988,922.539978,931.869995,931.869995,1448500000 +2003-05-23,931.869995,935.200012,927.419983,933.219971,933.219971,1201000000 +2003-05-27,933.219971,952.760010,927.330017,951.479980,951.479980,1532000000 +2003-05-28,951.479980,959.390015,950.119995,953.219971,953.219971,1559000000 +2003-05-29,953.219971,962.080017,946.229980,949.640015,949.640015,1685800000 +2003-05-30,949.640015,965.380005,949.640015,963.590027,963.590027,1688800000 +2003-06-02,963.590027,979.109985,963.590027,967.000000,967.000000,1662500000 +2003-06-03,967.000000,973.020020,964.469971,971.559998,971.559998,1450200000 +2003-06-04,971.559998,987.849976,970.719971,986.239990,986.239990,1618700000 +2003-06-05,986.239990,990.140015,978.130005,990.140015,990.140015,1693100000 +2003-06-06,990.140015,1007.690002,986.010010,987.760010,987.760010,1837200000 +2003-06-09,987.760010,987.760010,972.590027,975.929993,975.929993,1307000000 +2003-06-10,975.929993,984.840027,975.929993,984.840027,984.840027,1275400000 +2003-06-11,984.840027,997.479980,981.609985,997.479980,997.479980,1520000000 +2003-06-12,997.479980,1002.739990,991.270020,998.510010,998.510010,1553100000 +2003-06-13,998.510010,1000.919983,984.270020,988.609985,988.609985,1271600000 +2003-06-16,988.609985,1010.859985,988.609985,1010.739990,1010.739990,1345900000 +2003-06-17,1010.739990,1015.330017,1007.039978,1011.659973,1011.659973,1479700000 +2003-06-18,1011.659973,1015.119995,1004.609985,1010.090027,1010.090027,1488900000 +2003-06-19,1010.090027,1011.219971,993.080017,994.700012,994.700012,1530100000 +2003-06-20,994.700012,1002.090027,993.359985,995.690002,995.690002,1698000000 +2003-06-23,995.690002,995.690002,977.400024,981.640015,981.640015,1398100000 +2003-06-24,981.640015,987.840027,979.080017,983.450012,983.450012,1388300000 +2003-06-25,983.450012,991.640015,974.859985,975.320007,975.320007,1459200000 +2003-06-26,975.320007,986.530029,973.799988,985.820007,985.820007,1387400000 +2003-06-27,985.820007,988.880005,974.289978,976.219971,976.219971,1267800000 +2003-06-30,976.219971,983.609985,973.599976,974.500000,974.500000,1587200000 +2003-07-01,974.500000,983.260010,962.099976,982.320007,982.320007,1460200000 +2003-07-02,982.320007,993.780029,982.320007,993.750000,993.750000,1519300000 +2003-07-03,993.750000,995.000000,983.340027,985.700012,985.700012,775900000 +2003-07-07,985.700012,1005.559998,985.700012,1004.419983,1004.419983,1429100000 +2003-07-08,1004.419983,1008.919983,998.729980,1007.840027,1007.840027,1565700000 +2003-07-09,1007.840027,1010.429993,998.169983,1002.210022,1002.210022,1618000000 +2003-07-10,1002.210022,1002.210022,983.630005,988.700012,988.700012,1465700000 +2003-07-11,988.700012,1000.859985,988.700012,998.140015,998.140015,1212700000 +2003-07-14,998.140015,1015.409973,998.140015,1003.859985,1003.859985,1448900000 +2003-07-15,1003.859985,1009.609985,996.669983,1000.419983,1000.419983,1518600000 +2003-07-16,1000.419983,1003.469971,989.299988,994.090027,994.090027,1662000000 +2003-07-17,994.000000,994.000000,978.599976,981.729980,981.729980,1661400000 +2003-07-18,981.729980,994.250000,981.710022,993.320007,993.320007,1365200000 +2003-07-21,993.320007,993.320007,975.630005,978.799988,978.799988,1254200000 +2003-07-22,978.799988,990.289978,976.080017,988.109985,988.109985,1439700000 +2003-07-23,988.109985,989.859985,979.789978,988.609985,988.609985,1362700000 +2003-07-24,988.609985,998.890015,981.070007,981.599976,981.599976,1559000000 +2003-07-25,981.599976,998.710022,977.489990,998.679993,998.679993,1397500000 +2003-07-28,998.679993,1000.679993,993.590027,996.520020,996.520020,1328600000 +2003-07-29,996.520020,998.640015,984.150024,989.280029,989.280029,1508900000 +2003-07-30,989.280029,992.619995,985.960022,987.489990,987.489990,1391900000 +2003-07-31,987.489990,1004.590027,987.489990,990.309998,990.309998,1608000000 +2003-08-01,990.309998,990.309998,978.859985,980.150024,980.150024,1390600000 +2003-08-04,980.150024,985.750000,966.789978,982.820007,982.820007,1318700000 +2003-08-05,982.820007,982.820007,964.969971,965.460022,965.460022,1351700000 +2003-08-06,965.460022,975.739990,960.840027,967.080017,967.080017,1491000000 +2003-08-07,967.080017,974.890015,963.820007,974.119995,974.119995,1389300000 +2003-08-08,974.119995,980.570007,973.830017,977.590027,977.590027,1086600000 +2003-08-11,977.590027,985.460022,974.210022,980.590027,980.590027,1022200000 +2003-08-12,980.590027,990.409973,979.900024,990.349976,990.349976,1132300000 +2003-08-13,990.349976,992.500000,980.849976,984.030029,984.030029,1208800000 +2003-08-14,984.030029,991.909973,980.359985,990.510010,990.510010,1186800000 +2003-08-15,990.510010,992.390015,987.099976,990.669983,990.669983,636370000 +2003-08-18,990.669983,1000.349976,990.669983,999.739990,999.739990,1127600000 +2003-08-19,999.739990,1003.299988,995.299988,1002.349976,1002.349976,1300600000 +2003-08-20,1002.349976,1003.539978,996.619995,1000.299988,1000.299988,1210800000 +2003-08-21,1000.299988,1009.530029,999.330017,1003.270020,1003.270020,1407100000 +2003-08-22,1003.270020,1011.010010,992.619995,993.059998,993.059998,1308900000 +2003-08-25,993.059998,993.710022,987.909973,993.710022,993.710022,971700000 +2003-08-26,993.710022,997.929993,983.570007,996.729980,996.729980,1178700000 +2003-08-27,996.729980,998.049988,993.330017,996.789978,996.789978,1051400000 +2003-08-28,996.789978,1004.119995,991.419983,1002.840027,1002.840027,1165200000 +2003-08-29,1002.840027,1008.849976,999.520020,1008.010010,1008.010010,945100000 +2003-09-02,1008.010010,1022.590027,1005.729980,1021.989990,1021.989990,1470500000 +2003-09-03,1021.989990,1029.339966,1021.989990,1026.270020,1026.270020,1675600000 +2003-09-04,1026.270020,1029.170044,1022.190002,1027.969971,1027.969971,1453900000 +2003-09-05,1027.969971,1029.209961,1018.190002,1021.390015,1021.390015,1465200000 +2003-09-08,1021.390015,1032.410034,1021.390015,1031.640015,1031.640015,1299300000 +2003-09-09,1031.640015,1031.640015,1021.140015,1023.169983,1023.169983,1414800000 +2003-09-10,1023.169983,1023.169983,1009.739990,1010.919983,1010.919983,1582100000 +2003-09-11,1010.919983,1020.880005,1010.919983,1016.419983,1016.419983,1335900000 +2003-09-12,1016.419983,1019.650024,1007.710022,1018.630005,1018.630005,1236700000 +2003-09-15,1018.630005,1019.789978,1013.590027,1014.809998,1014.809998,1151300000 +2003-09-16,1014.809998,1029.660034,1014.809998,1029.319946,1029.319946,1403200000 +2003-09-17,1029.319946,1031.339966,1024.530029,1025.969971,1025.969971,1338210000 +2003-09-18,1025.969971,1040.160034,1025.750000,1039.579956,1039.579956,1498800000 +2003-09-19,1039.579956,1040.290039,1031.890015,1036.300049,1036.300049,1518600000 +2003-09-22,1036.300049,1036.300049,1018.299988,1022.820007,1022.820007,1278800000 +2003-09-23,1022.820007,1030.119995,1021.539978,1029.030029,1029.030029,1301700000 +2003-09-24,1029.030029,1029.829956,1008.929993,1009.380005,1009.380005,1556000000 +2003-09-25,1009.380005,1015.969971,1003.260010,1003.270020,1003.270020,1530000000 +2003-09-26,1003.270020,1003.450012,996.080017,996.849976,996.849976,1472500000 +2003-09-29,996.849976,1006.890015,995.309998,1006.580017,1006.580017,1366500000 +2003-09-30,1006.580017,1006.580017,990.359985,995.969971,995.969971,1590500000 +2003-10-01,995.969971,1018.219971,995.969971,1018.219971,1018.219971,1566300000 +2003-10-02,1018.219971,1021.869995,1013.380005,1020.239990,1020.239990,1269300000 +2003-10-03,1020.239990,1039.310059,1020.239990,1029.849976,1029.849976,1570500000 +2003-10-06,1029.849976,1036.479980,1029.150024,1034.349976,1034.349976,1025800000 +2003-10-07,1034.349976,1039.250000,1026.270020,1039.250000,1039.250000,1279500000 +2003-10-08,1039.250000,1040.060059,1030.959961,1033.780029,1033.780029,1262500000 +2003-10-09,1033.780029,1048.280029,1033.780029,1038.729980,1038.729980,1578700000 +2003-10-10,1038.729980,1040.839966,1035.739990,1038.060059,1038.060059,1108100000 +2003-10-13,1038.060059,1048.900024,1038.060059,1045.349976,1045.349976,1040500000 +2003-10-14,1045.349976,1049.489990,1040.839966,1049.479980,1049.479980,1271900000 +2003-10-15,1049.479980,1053.790039,1043.150024,1046.760010,1046.760010,1521100000 +2003-10-16,1046.760010,1052.939941,1044.040039,1050.069946,1050.069946,1417700000 +2003-10-17,1050.069946,1051.890015,1036.569946,1039.319946,1039.319946,1352000000 +2003-10-20,1039.319946,1044.689941,1036.130005,1044.680054,1044.680054,1172600000 +2003-10-21,1044.680054,1048.569946,1042.589966,1046.030029,1046.030029,1498000000 +2003-10-22,1046.030029,1046.030029,1028.390015,1030.359985,1030.359985,1647200000 +2003-10-23,1030.359985,1035.439941,1025.890015,1033.770020,1033.770020,1604300000 +2003-10-24,1033.770020,1033.770020,1018.320007,1028.910034,1028.910034,1420300000 +2003-10-27,1028.910034,1037.750000,1028.910034,1031.130005,1031.130005,1371800000 +2003-10-28,1031.130005,1046.790039,1031.130005,1046.790039,1046.790039,1629200000 +2003-10-29,1046.790039,1049.829956,1043.349976,1048.109985,1048.109985,1562600000 +2003-10-30,1048.109985,1052.810059,1043.819946,1046.939941,1046.939941,1629700000 +2003-10-31,1046.939941,1053.089966,1046.939941,1050.709961,1050.709961,1498900000 +2003-11-03,1050.709961,1061.439941,1050.709961,1059.020020,1059.020020,1378200000 +2003-11-04,1059.020020,1059.020020,1051.699951,1053.250000,1053.250000,1417600000 +2003-11-05,1053.250000,1054.540039,1044.880005,1051.810059,1051.810059,1401800000 +2003-11-06,1051.810059,1058.939941,1046.930054,1058.050049,1058.050049,1453900000 +2003-11-07,1058.050049,1062.390015,1052.170044,1053.209961,1053.209961,1440500000 +2003-11-10,1053.209961,1053.650024,1045.579956,1047.109985,1047.109985,1243600000 +2003-11-11,1047.109985,1048.229980,1043.459961,1046.569946,1046.569946,1162500000 +2003-11-12,1046.569946,1059.099976,1046.569946,1058.530029,1058.530029,1349300000 +2003-11-13,1058.560059,1059.619995,1052.959961,1058.410034,1058.410034,1383000000 +2003-11-14,1058.410034,1063.650024,1048.109985,1050.349976,1050.349976,1356100000 +2003-11-17,1050.349976,1050.349976,1035.280029,1043.630005,1043.630005,1374300000 +2003-11-18,1043.630005,1048.770020,1034.000000,1034.150024,1034.150024,1354300000 +2003-11-19,1034.150024,1043.949951,1034.150024,1042.439941,1042.439941,1326200000 +2003-11-20,1042.439941,1046.479980,1033.420044,1033.650024,1033.650024,1326700000 +2003-11-21,1033.650024,1037.569946,1031.199951,1035.280029,1035.280029,1273800000 +2003-11-24,1035.280029,1052.079956,1035.280029,1052.079956,1052.079956,1302800000 +2003-11-25,1052.079956,1058.050049,1049.310059,1053.890015,1053.890015,1333700000 +2003-11-26,1053.890015,1058.449951,1048.280029,1058.449951,1058.449951,1097700000 +2003-11-28,1058.449951,1060.630005,1056.770020,1058.199951,1058.199951,487220000 +2003-12-01,1058.199951,1070.469971,1058.199951,1070.119995,1070.119995,1375000000 +2003-12-02,1070.119995,1071.219971,1065.219971,1066.619995,1066.619995,1383200000 +2003-12-03,1066.619995,1074.300049,1064.630005,1064.729980,1064.729980,1441700000 +2003-12-04,1064.729980,1070.369995,1063.150024,1069.719971,1069.719971,1463100000 +2003-12-05,1069.719971,1069.719971,1060.089966,1061.500000,1061.500000,1265900000 +2003-12-08,1061.500000,1069.589966,1060.930054,1069.300049,1069.300049,1218900000 +2003-12-09,1069.300049,1071.939941,1059.160034,1060.180054,1060.180054,1465500000 +2003-12-10,1060.180054,1063.020020,1053.410034,1059.050049,1059.050049,1444000000 +2003-12-11,1059.050049,1073.630005,1059.050049,1071.209961,1071.209961,1441100000 +2003-12-12,1071.209961,1074.760010,1067.640015,1074.140015,1074.140015,1223100000 +2003-12-15,1074.140015,1082.790039,1068.000000,1068.040039,1068.040039,1520800000 +2003-12-16,1068.040039,1075.939941,1068.040039,1075.130005,1075.130005,1547900000 +2003-12-17,1075.130005,1076.540039,1071.140015,1076.479980,1076.479980,1441700000 +2003-12-18,1076.479980,1089.500000,1076.479980,1089.180054,1089.180054,1579900000 +2003-12-19,1089.180054,1091.060059,1084.189941,1088.660034,1088.660034,1657300000 +2003-12-22,1088.660034,1092.939941,1086.140015,1092.939941,1092.939941,1251700000 +2003-12-23,1092.939941,1096.949951,1091.729980,1096.020020,1096.020020,1145300000 +2003-12-24,1096.020020,1096.400024,1092.729980,1094.040039,1094.040039,518060000 +2003-12-26,1094.040039,1098.469971,1094.040039,1095.890015,1095.890015,356070000 +2003-12-29,1095.890015,1109.479980,1095.890015,1109.479980,1109.479980,1058800000 +2003-12-30,1109.479980,1109.750000,1106.410034,1109.640015,1109.640015,1012600000 +2003-12-31,1109.640015,1112.560059,1106.209961,1111.920044,1111.920044,1027500000 +2004-01-02,1111.920044,1118.849976,1105.079956,1108.479980,1108.479980,1153200000 +2004-01-05,1108.479980,1122.219971,1108.479980,1122.219971,1122.219971,1578200000 +2004-01-06,1122.219971,1124.459961,1118.439941,1123.670044,1123.670044,1494500000 +2004-01-07,1123.670044,1126.329956,1116.449951,1126.329956,1126.329956,1704900000 +2004-01-08,1126.329956,1131.920044,1124.910034,1131.920044,1131.920044,1868400000 +2004-01-09,1131.920044,1131.920044,1120.900024,1121.859985,1121.859985,1720700000 +2004-01-12,1121.859985,1127.849976,1120.900024,1127.229980,1127.229980,1510200000 +2004-01-13,1127.229980,1129.069946,1115.189941,1121.219971,1121.219971,1595900000 +2004-01-14,1121.219971,1130.750000,1121.219971,1130.520020,1130.520020,1514600000 +2004-01-15,1130.520020,1137.109985,1124.540039,1132.050049,1132.050049,1695000000 +2004-01-16,1132.050049,1139.829956,1132.050049,1139.829956,1139.829956,1721100000 +2004-01-20,1139.829956,1142.930054,1135.400024,1138.770020,1138.770020,1698200000 +2004-01-21,1138.770020,1149.209961,1134.619995,1147.619995,1147.619995,1757600000 +2004-01-22,1147.619995,1150.510010,1143.010010,1143.939941,1143.939941,1693700000 +2004-01-23,1143.939941,1150.310059,1136.849976,1141.550049,1141.550049,1561200000 +2004-01-26,1141.550049,1155.380005,1141.000000,1155.369995,1155.369995,1480600000 +2004-01-27,1155.369995,1155.369995,1144.050049,1144.050049,1144.050049,1673100000 +2004-01-28,1144.050049,1149.140015,1126.500000,1128.479980,1128.479980,1842000000 +2004-01-29,1128.479980,1134.390015,1122.380005,1134.109985,1134.109985,1921900000 +2004-01-30,1134.109985,1134.170044,1127.729980,1131.130005,1131.130005,1635000000 +2004-02-02,1131.130005,1142.449951,1127.869995,1135.260010,1135.260010,1599200000 +2004-02-03,1135.260010,1137.439941,1131.329956,1136.030029,1136.030029,1476900000 +2004-02-04,1136.030029,1136.030029,1124.739990,1126.520020,1126.520020,1634800000 +2004-02-05,1126.520020,1131.170044,1124.439941,1128.589966,1128.589966,1566600000 +2004-02-06,1128.589966,1142.790039,1128.390015,1142.760010,1142.760010,1477600000 +2004-02-09,1142.760010,1144.459961,1139.209961,1139.810059,1139.810059,1303500000 +2004-02-10,1139.810059,1147.020020,1138.699951,1145.540039,1145.540039,1403900000 +2004-02-11,1145.540039,1158.890015,1142.329956,1157.760010,1157.760010,1699300000 +2004-02-12,1157.760010,1157.760010,1151.439941,1152.109985,1152.109985,1464300000 +2004-02-13,1152.109985,1156.880005,1143.239990,1145.810059,1145.810059,1329200000 +2004-02-17,1145.810059,1158.979980,1145.810059,1156.989990,1156.989990,1396500000 +2004-02-18,1156.989990,1157.400024,1149.540039,1151.819946,1151.819946,1382400000 +2004-02-19,1151.819946,1158.569946,1146.849976,1147.060059,1147.060059,1562800000 +2004-02-20,1147.060059,1149.810059,1139.000000,1144.109985,1144.109985,1479600000 +2004-02-23,1144.109985,1146.689941,1136.979980,1140.989990,1140.989990,1380400000 +2004-02-24,1140.989990,1144.540039,1134.430054,1139.089966,1139.089966,1543600000 +2004-02-25,1139.089966,1145.239990,1138.959961,1143.670044,1143.670044,1360700000 +2004-02-26,1143.670044,1147.229980,1138.619995,1144.910034,1144.910034,1383900000 +2004-02-27,1145.800049,1151.680054,1141.800049,1144.939941,1144.939941,1540400000 +2004-03-01,1144.939941,1157.449951,1144.939941,1155.969971,1155.969971,1497100000 +2004-03-02,1155.969971,1156.540039,1147.310059,1149.099976,1149.099976,1476000000 +2004-03-03,1149.099976,1152.439941,1143.780029,1151.030029,1151.030029,1334500000 +2004-03-04,1151.030029,1154.969971,1149.810059,1154.869995,1154.869995,1265800000 +2004-03-05,1154.869995,1163.229980,1148.770020,1156.859985,1156.859985,1398200000 +2004-03-08,1156.859985,1159.939941,1146.969971,1147.199951,1147.199951,1254400000 +2004-03-09,1147.199951,1147.319946,1136.839966,1140.579956,1140.579956,1499400000 +2004-03-10,1140.579956,1141.449951,1122.530029,1123.890015,1123.890015,1648400000 +2004-03-11,1123.890015,1125.959961,1105.869995,1106.780029,1106.780029,1889900000 +2004-03-12,1106.780029,1120.630005,1106.780029,1120.569946,1120.569946,1388500000 +2004-03-15,1120.569946,1120.569946,1103.359985,1104.489990,1104.489990,1600600000 +2004-03-16,1104.489990,1113.760010,1102.609985,1110.699951,1110.699951,1500700000 +2004-03-17,1110.699951,1125.760010,1110.699951,1123.750000,1123.750000,1490100000 +2004-03-18,1123.750000,1125.500000,1113.250000,1122.319946,1122.319946,1369200000 +2004-03-19,1122.319946,1122.719971,1109.689941,1109.780029,1109.780029,1457400000 +2004-03-22,1109.780029,1109.780029,1089.540039,1095.400024,1095.400024,1452300000 +2004-03-23,1095.400024,1101.520020,1091.569946,1093.949951,1093.949951,1458200000 +2004-03-24,1093.949951,1098.319946,1087.160034,1091.329956,1091.329956,1527800000 +2004-03-25,1091.329956,1110.380005,1091.329956,1109.189941,1109.189941,1471700000 +2004-03-26,1109.189941,1115.270020,1106.130005,1108.060059,1108.060059,1319100000 +2004-03-29,1108.060059,1124.369995,1108.060059,1122.469971,1122.469971,1405500000 +2004-03-30,1122.469971,1127.599976,1119.660034,1127.000000,1127.000000,1332400000 +2004-03-31,1127.000000,1130.829956,1121.459961,1126.209961,1126.209961,1560700000 +2004-04-01,1126.209961,1135.670044,1126.199951,1132.170044,1132.170044,1560700000 +2004-04-02,1132.170044,1144.810059,1132.170044,1141.810059,1141.810059,1629200000 +2004-04-05,1141.810059,1150.569946,1141.640015,1150.569946,1150.569946,1413700000 +2004-04-06,1150.569946,1150.569946,1143.300049,1148.160034,1148.160034,1397700000 +2004-04-07,1148.160034,1148.160034,1138.410034,1140.530029,1140.530029,1458800000 +2004-04-08,1140.530029,1148.969971,1134.520020,1139.319946,1139.319946,1199800000 +2004-04-12,1139.319946,1147.290039,1139.319946,1145.199951,1145.199951,1102400000 +2004-04-13,1145.199951,1147.780029,1127.699951,1129.439941,1129.439941,1423200000 +2004-04-14,1129.439941,1132.520020,1122.150024,1128.170044,1128.170044,1547700000 +2004-04-15,1128.170044,1134.079956,1120.750000,1128.839966,1128.839966,1568700000 +2004-04-16,1128.839966,1136.800049,1126.900024,1134.609985,1134.609985,1487800000 +2004-04-19,1134.560059,1136.180054,1129.839966,1135.819946,1135.819946,1194900000 +2004-04-20,1135.819946,1139.260010,1118.089966,1118.150024,1118.150024,1508500000 +2004-04-21,1118.150024,1125.719971,1116.030029,1124.089966,1124.089966,1738100000 +2004-04-22,1124.089966,1142.770020,1121.949951,1139.930054,1139.930054,1826700000 +2004-04-23,1139.930054,1141.920044,1134.810059,1140.599976,1140.599976,1396100000 +2004-04-26,1140.599976,1145.079956,1132.910034,1135.530029,1135.530029,1290600000 +2004-04-27,1135.530029,1146.560059,1135.530029,1138.109985,1138.109985,1518000000 +2004-04-28,1138.109985,1138.109985,1121.699951,1122.410034,1122.410034,1855600000 +2004-04-29,1122.410034,1128.800049,1108.040039,1113.890015,1113.890015,1859000000 +2004-04-30,1113.890015,1119.260010,1107.229980,1107.300049,1107.300049,1634700000 +2004-05-03,1107.300049,1118.719971,1107.300049,1117.489990,1117.489990,1571600000 +2004-05-04,1117.489990,1127.739990,1112.890015,1119.550049,1119.550049,1662100000 +2004-05-05,1119.550049,1125.069946,1117.900024,1121.530029,1121.530029,1469000000 +2004-05-06,1121.530029,1121.530029,1106.300049,1113.989990,1113.989990,1509300000 +2004-05-07,1113.989990,1117.300049,1098.630005,1098.699951,1098.699951,1653600000 +2004-05-10,1098.699951,1098.699951,1079.630005,1087.119995,1087.119995,1918400000 +2004-05-11,1087.119995,1095.689941,1087.119995,1095.449951,1095.449951,1533800000 +2004-05-12,1095.449951,1097.550049,1076.319946,1097.280029,1097.280029,1697600000 +2004-05-13,1097.280029,1102.770020,1091.760010,1096.439941,1096.439941,1411100000 +2004-05-14,1096.439941,1102.099976,1088.239990,1095.699951,1095.699951,1335900000 +2004-05-17,1095.699951,1095.699951,1079.359985,1084.099976,1084.099976,1430100000 +2004-05-18,1084.099976,1094.099976,1084.099976,1091.489990,1091.489990,1353000000 +2004-05-19,1091.489990,1105.930054,1088.489990,1088.680054,1088.680054,1548600000 +2004-05-20,1088.680054,1092.619995,1085.430054,1089.189941,1089.189941,1211000000 +2004-05-21,1089.189941,1099.640015,1089.189941,1093.560059,1093.560059,1258600000 +2004-05-24,1093.560059,1101.280029,1091.770020,1095.410034,1095.410034,1227500000 +2004-05-25,1095.410034,1113.800049,1090.739990,1113.050049,1113.050049,1545700000 +2004-05-26,1113.050049,1116.709961,1109.910034,1114.939941,1114.939941,1369400000 +2004-05-27,1114.939941,1123.949951,1114.859985,1121.280029,1121.280029,1447500000 +2004-05-28,1121.280029,1122.689941,1118.099976,1120.680054,1120.680054,1172600000 +2004-06-01,1120.680054,1122.699951,1113.319946,1121.199951,1121.199951,1238000000 +2004-06-02,1121.199951,1128.099976,1118.640015,1124.989990,1124.989990,1251700000 +2004-06-03,1124.989990,1125.310059,1116.569946,1116.640015,1116.640015,1232400000 +2004-06-04,1116.640015,1129.170044,1116.640015,1122.500000,1122.500000,1115300000 +2004-06-07,1122.500000,1140.540039,1122.500000,1140.420044,1140.420044,1211800000 +2004-06-08,1140.420044,1142.180054,1135.449951,1142.180054,1142.180054,1190300000 +2004-06-09,1142.180054,1142.180054,1131.170044,1131.329956,1131.329956,1276800000 +2004-06-10,1131.329956,1136.469971,1131.329956,1136.469971,1136.469971,1160600000 +2004-06-14,1136.469971,1136.469971,1122.160034,1125.290039,1125.290039,1179400000 +2004-06-15,1125.290039,1137.359985,1125.290039,1132.010010,1132.010010,1345900000 +2004-06-16,1132.010010,1135.280029,1130.550049,1133.560059,1133.560059,1168400000 +2004-06-17,1133.560059,1133.560059,1126.890015,1132.050049,1132.050049,1296700000 +2004-06-18,1132.050049,1138.959961,1129.829956,1135.020020,1135.020020,1500600000 +2004-06-21,1135.020020,1138.050049,1129.640015,1130.300049,1130.300049,1123900000 +2004-06-22,1130.300049,1135.050049,1124.369995,1134.410034,1134.410034,1382300000 +2004-06-23,1134.410034,1145.150024,1131.729980,1144.060059,1144.060059,1444200000 +2004-06-24,1144.060059,1146.339966,1139.939941,1140.650024,1140.650024,1394900000 +2004-06-25,1140.650024,1145.969971,1134.239990,1134.430054,1134.430054,1812900000 +2004-06-28,1134.430054,1142.599976,1131.719971,1133.349976,1133.349976,1354600000 +2004-06-29,1133.349976,1138.260010,1131.810059,1136.199951,1136.199951,1375000000 +2004-06-30,1136.199951,1144.199951,1133.619995,1140.839966,1140.839966,1473800000 +2004-07-01,1140.839966,1140.839966,1123.060059,1128.939941,1128.939941,1495700000 +2004-07-02,1128.939941,1129.150024,1123.260010,1125.380005,1125.380005,1085000000 +2004-07-06,1125.380005,1125.380005,1113.209961,1116.209961,1116.209961,1283300000 +2004-07-07,1116.209961,1122.369995,1114.920044,1118.329956,1118.329956,1328600000 +2004-07-08,1118.329956,1119.119995,1108.719971,1109.109985,1109.109985,1401100000 +2004-07-09,1109.109985,1115.569946,1109.109985,1112.810059,1112.810059,1186300000 +2004-07-12,1112.810059,1116.109985,1106.709961,1114.349976,1114.349976,1114600000 +2004-07-13,1114.349976,1116.300049,1112.989990,1115.140015,1115.140015,1199700000 +2004-07-14,1115.140015,1119.599976,1107.829956,1111.469971,1111.469971,1462000000 +2004-07-15,1111.469971,1114.630005,1106.670044,1106.689941,1106.689941,1408700000 +2004-07-16,1106.689941,1112.170044,1101.069946,1101.390015,1101.390015,1450300000 +2004-07-19,1101.390015,1105.520020,1096.550049,1100.900024,1100.900024,1319900000 +2004-07-20,1100.900024,1108.880005,1099.099976,1108.670044,1108.670044,1445800000 +2004-07-21,1108.670044,1116.270020,1093.880005,1093.880005,1093.880005,1679500000 +2004-07-22,1093.880005,1099.660034,1084.160034,1096.839966,1096.839966,1680800000 +2004-07-23,1096.839966,1096.839966,1083.560059,1086.199951,1086.199951,1337500000 +2004-07-26,1086.199951,1089.819946,1078.780029,1084.069946,1084.069946,1413400000 +2004-07-27,1084.069946,1096.650024,1084.069946,1094.829956,1094.829956,1610800000 +2004-07-28,1094.829956,1098.839966,1082.170044,1095.420044,1095.420044,1554300000 +2004-07-29,1095.420044,1103.510010,1095.420044,1100.430054,1100.430054,1530100000 +2004-07-30,1100.430054,1103.729980,1096.959961,1101.719971,1101.719971,1298200000 +2004-08-02,1101.719971,1108.599976,1097.339966,1106.619995,1106.619995,1276000000 +2004-08-03,1106.619995,1106.619995,1099.260010,1099.689941,1099.689941,1338300000 +2004-08-04,1099.689941,1102.449951,1092.400024,1098.630005,1098.630005,1369200000 +2004-08-05,1098.630005,1098.790039,1079.979980,1080.699951,1080.699951,1397400000 +2004-08-06,1080.699951,1080.699951,1062.229980,1063.969971,1063.969971,1521000000 +2004-08-09,1063.969971,1069.459961,1063.969971,1065.219971,1065.219971,1086000000 +2004-08-10,1065.219971,1079.040039,1065.219971,1079.040039,1079.040039,1245600000 +2004-08-11,1079.040039,1079.040039,1065.920044,1075.790039,1075.790039,1410400000 +2004-08-12,1075.790039,1075.790039,1062.819946,1063.229980,1063.229980,1405100000 +2004-08-13,1063.229980,1067.579956,1060.719971,1064.800049,1064.800049,1175100000 +2004-08-16,1064.800049,1080.660034,1064.800049,1079.339966,1079.339966,1206200000 +2004-08-17,1079.339966,1086.780029,1079.339966,1081.709961,1081.709961,1267800000 +2004-08-18,1081.709961,1095.170044,1078.930054,1095.170044,1095.170044,1282500000 +2004-08-19,1095.170044,1095.170044,1086.280029,1091.229980,1091.229980,1249400000 +2004-08-20,1091.229980,1100.260010,1089.569946,1098.349976,1098.349976,1199900000 +2004-08-23,1098.349976,1101.400024,1094.729980,1095.680054,1095.680054,1021900000 +2004-08-24,1095.680054,1100.939941,1092.819946,1096.189941,1096.189941,1092500000 +2004-08-25,1096.189941,1106.290039,1093.239990,1104.959961,1104.959961,1192200000 +2004-08-26,1104.959961,1106.780029,1102.459961,1105.089966,1105.089966,1023600000 +2004-08-27,1105.089966,1109.680054,1104.619995,1107.770020,1107.770020,845400000 +2004-08-30,1107.770020,1107.770020,1099.150024,1099.150024,1099.150024,843100000 +2004-08-31,1099.150024,1104.239990,1094.719971,1104.239990,1104.239990,1138200000 +2004-09-01,1104.239990,1109.239990,1099.180054,1105.910034,1105.910034,1142100000 +2004-09-02,1105.910034,1119.109985,1105.599976,1118.310059,1118.310059,1118400000 +2004-09-03,1118.310059,1120.800049,1113.569946,1113.630005,1113.630005,924170000 +2004-09-07,1113.630005,1124.079956,1113.630005,1121.300049,1121.300049,1214400000 +2004-09-08,1121.300049,1123.050049,1116.270020,1116.270020,1116.270020,1246300000 +2004-09-09,1116.270020,1121.300049,1113.619995,1118.380005,1118.380005,1371300000 +2004-09-10,1118.380005,1125.260010,1114.390015,1123.920044,1123.920044,1261200000 +2004-09-13,1123.920044,1129.780029,1123.349976,1125.819946,1125.819946,1299800000 +2004-09-14,1125.819946,1129.459961,1124.719971,1128.329956,1128.329956,1204500000 +2004-09-15,1128.329956,1128.329956,1119.819946,1120.369995,1120.369995,1256000000 +2004-09-16,1120.369995,1126.060059,1120.369995,1123.500000,1123.500000,1113900000 +2004-09-17,1123.500000,1130.140015,1123.500000,1128.550049,1128.550049,1422600000 +2004-09-20,1128.550049,1128.550049,1120.339966,1122.199951,1122.199951,1197600000 +2004-09-21,1122.199951,1131.540039,1122.199951,1129.300049,1129.300049,1325000000 +2004-09-22,1129.300049,1129.300049,1112.670044,1113.560059,1113.560059,1379900000 +2004-09-23,1113.560059,1113.609985,1108.050049,1108.359985,1108.359985,1286300000 +2004-09-24,1108.359985,1113.810059,1108.359985,1110.109985,1110.109985,1255400000 +2004-09-27,1110.109985,1110.109985,1103.239990,1103.520020,1103.520020,1263500000 +2004-09-28,1103.520020,1111.770020,1101.290039,1110.060059,1110.060059,1396600000 +2004-09-29,1110.060059,1114.800049,1107.420044,1114.800049,1114.800049,1402900000 +2004-09-30,1114.800049,1116.310059,1109.680054,1114.579956,1114.579956,1748000000 +2004-10-01,1114.579956,1131.640015,1114.579956,1131.500000,1131.500000,1582200000 +2004-10-04,1131.500000,1140.130005,1131.500000,1135.170044,1135.170044,1534000000 +2004-10-05,1135.170044,1137.869995,1132.030029,1134.479980,1134.479980,1418400000 +2004-10-06,1134.479980,1142.050049,1132.939941,1142.050049,1142.050049,1416700000 +2004-10-07,1142.050049,1142.050049,1130.500000,1130.650024,1130.650024,1447500000 +2004-10-08,1130.650024,1132.920044,1120.189941,1122.140015,1122.140015,1291600000 +2004-10-11,1122.140015,1126.199951,1122.140015,1124.390015,1124.390015,943800000 +2004-10-12,1124.390015,1124.390015,1115.770020,1121.839966,1121.839966,1320100000 +2004-10-13,1121.839966,1127.010010,1109.630005,1113.650024,1113.650024,1546200000 +2004-10-14,1113.650024,1114.959961,1102.060059,1103.290039,1103.290039,1489500000 +2004-10-15,1103.290039,1113.170044,1102.140015,1108.199951,1108.199951,1645100000 +2004-10-18,1108.199951,1114.459961,1103.329956,1114.020020,1114.020020,1373300000 +2004-10-19,1114.020020,1117.959961,1103.150024,1103.229980,1103.229980,1737500000 +2004-10-20,1103.229980,1104.089966,1094.250000,1103.660034,1103.660034,1685700000 +2004-10-21,1103.660034,1108.869995,1098.469971,1106.489990,1106.489990,1673000000 +2004-10-22,1106.489990,1108.140015,1095.469971,1095.739990,1095.739990,1469600000 +2004-10-25,1095.739990,1096.810059,1090.290039,1094.800049,1094.800049,1380500000 +2004-10-26,1094.810059,1111.099976,1094.810059,1111.089966,1111.089966,1685400000 +2004-10-27,1111.089966,1126.290039,1107.430054,1125.400024,1125.400024,1741900000 +2004-10-28,1125.339966,1130.670044,1120.599976,1127.439941,1127.439941,1628200000 +2004-10-29,1127.439941,1131.400024,1124.619995,1130.199951,1130.199951,1500800000 +2004-11-01,1130.199951,1133.410034,1127.599976,1130.510010,1130.510010,1395900000 +2004-11-02,1130.510010,1140.479980,1128.119995,1130.560059,1130.560059,1659000000 +2004-11-03,1130.540039,1147.569946,1130.540039,1143.199951,1143.199951,1767500000 +2004-11-04,1143.199951,1161.670044,1142.339966,1161.670044,1161.670044,1782700000 +2004-11-05,1161.670044,1170.869995,1160.660034,1166.170044,1166.170044,1724400000 +2004-11-08,1166.170044,1166.770020,1162.319946,1164.890015,1164.890015,1358700000 +2004-11-09,1164.890015,1168.959961,1162.479980,1164.079956,1164.079956,1450800000 +2004-11-10,1164.079956,1169.250000,1162.510010,1162.910034,1162.910034,1504300000 +2004-11-11,1162.910034,1174.800049,1162.910034,1173.479980,1173.479980,1393000000 +2004-11-12,1173.479980,1184.170044,1171.430054,1184.170044,1184.170044,1531600000 +2004-11-15,1184.170044,1184.479980,1179.849976,1183.810059,1183.810059,1453300000 +2004-11-16,1183.810059,1183.810059,1175.319946,1175.430054,1175.430054,1364400000 +2004-11-17,1175.430054,1188.459961,1175.430054,1181.939941,1181.939941,1684200000 +2004-11-18,1181.939941,1184.900024,1180.150024,1183.550049,1183.550049,1456700000 +2004-11-19,1183.550049,1184.000000,1169.189941,1170.339966,1170.339966,1526600000 +2004-11-22,1170.339966,1178.180054,1167.890015,1177.239990,1177.239990,1392700000 +2004-11-23,1177.239990,1179.520020,1171.410034,1176.939941,1176.939941,1428300000 +2004-11-24,1176.939941,1182.459961,1176.939941,1181.760010,1181.760010,1149600000 +2004-11-26,1181.760010,1186.619995,1181.079956,1182.650024,1182.650024,504580000 +2004-11-29,1182.650024,1186.939941,1172.369995,1178.569946,1178.569946,1378500000 +2004-11-30,1178.569946,1178.660034,1173.810059,1173.819946,1173.819946,1553500000 +2004-12-01,1173.780029,1191.369995,1173.780029,1191.369995,1191.369995,1772800000 +2004-12-02,1191.369995,1194.800049,1186.719971,1190.329956,1190.329956,1774900000 +2004-12-03,1190.329956,1197.459961,1187.709961,1191.170044,1191.170044,1566700000 +2004-12-06,1191.170044,1192.410034,1185.180054,1190.250000,1190.250000,1354400000 +2004-12-07,1190.250000,1192.170044,1177.069946,1177.069946,1177.069946,1533900000 +2004-12-08,1177.069946,1184.050049,1177.069946,1182.810059,1182.810059,1525200000 +2004-12-09,1182.810059,1190.510010,1173.790039,1189.239990,1189.239990,1624700000 +2004-12-10,1189.239990,1191.449951,1185.239990,1188.000000,1188.000000,1443700000 +2004-12-13,1188.000000,1198.739990,1188.000000,1198.680054,1198.680054,1436100000 +2004-12-14,1198.680054,1205.290039,1197.839966,1203.380005,1203.380005,1544400000 +2004-12-15,1203.380005,1206.609985,1199.439941,1205.719971,1205.719971,1695800000 +2004-12-16,1205.719971,1207.969971,1198.410034,1203.209961,1203.209961,1793900000 +2004-12-17,1203.209961,1203.209961,1193.489990,1194.199951,1194.199951,2335000000 +2004-12-20,1194.199951,1203.430054,1193.359985,1194.650024,1194.650024,1422800000 +2004-12-21,1194.650024,1205.930054,1194.650024,1205.449951,1205.449951,1483700000 +2004-12-22,1205.449951,1211.420044,1203.849976,1209.569946,1209.569946,1390800000 +2004-12-23,1209.569946,1213.660034,1208.709961,1210.130005,1210.130005,956100000 +2004-12-27,1210.130005,1214.130005,1204.920044,1204.920044,1204.920044,922000000 +2004-12-28,1204.920044,1213.540039,1204.920044,1213.540039,1213.540039,983000000 +2004-12-29,1213.540039,1213.849976,1210.949951,1213.449951,1213.449951,925900000 +2004-12-30,1213.449951,1216.469971,1213.410034,1213.550049,1213.550049,829800000 +2004-12-31,1213.550049,1217.329956,1211.650024,1211.920044,1211.920044,786900000 +2005-01-03,1211.920044,1217.800049,1200.319946,1202.079956,1202.079956,1510800000 +2005-01-04,1202.079956,1205.839966,1185.390015,1188.050049,1188.050049,1721000000 +2005-01-05,1188.050049,1192.729980,1183.719971,1183.739990,1183.739990,1738900000 +2005-01-06,1183.739990,1191.630005,1183.270020,1187.890015,1187.890015,1569100000 +2005-01-07,1187.890015,1192.199951,1182.160034,1186.189941,1186.189941,1477900000 +2005-01-10,1186.189941,1194.780029,1184.800049,1190.250000,1190.250000,1490400000 +2005-01-11,1190.250000,1190.250000,1180.430054,1182.989990,1182.989990,1488800000 +2005-01-12,1182.989990,1187.920044,1175.640015,1187.699951,1187.699951,1562100000 +2005-01-13,1187.699951,1187.699951,1175.810059,1177.449951,1177.449951,1510300000 +2005-01-14,1177.449951,1185.209961,1177.449951,1184.520020,1184.520020,1335400000 +2005-01-18,1184.520020,1195.979980,1180.099976,1195.979980,1195.979980,1596800000 +2005-01-19,1195.979980,1195.979980,1184.410034,1184.630005,1184.630005,1498700000 +2005-01-20,1184.630005,1184.630005,1173.420044,1175.410034,1175.410034,1692000000 +2005-01-21,1175.410034,1179.449951,1167.819946,1167.869995,1167.869995,1643500000 +2005-01-24,1167.869995,1173.030029,1163.750000,1163.750000,1163.750000,1494600000 +2005-01-25,1163.750000,1174.300049,1163.750000,1168.410034,1168.410034,1610400000 +2005-01-26,1168.410034,1175.959961,1168.410034,1174.069946,1174.069946,1635900000 +2005-01-27,1174.069946,1177.500000,1170.150024,1174.550049,1174.550049,1600600000 +2005-01-28,1174.550049,1175.609985,1166.250000,1171.359985,1171.359985,1641800000 +2005-01-31,1171.359985,1182.069946,1171.359985,1181.270020,1181.270020,1679800000 +2005-02-01,1181.270020,1190.390015,1180.949951,1189.410034,1189.410034,1681980000 +2005-02-02,1189.410034,1195.250000,1188.920044,1193.189941,1193.189941,1561740000 +2005-02-03,1193.189941,1193.189941,1185.640015,1189.890015,1189.890015,1554460000 +2005-02-04,1189.890015,1203.469971,1189.670044,1203.030029,1203.030029,1648160000 +2005-02-07,1203.030029,1204.150024,1199.270020,1201.719971,1201.719971,1347270000 +2005-02-08,1201.719971,1205.109985,1200.160034,1202.300049,1202.300049,1416170000 +2005-02-09,1202.300049,1203.829956,1191.540039,1191.989990,1191.989990,1511040000 +2005-02-10,1191.989990,1198.750000,1191.540039,1197.010010,1197.010010,1491670000 +2005-02-11,1197.010010,1208.380005,1193.280029,1205.300049,1205.300049,1562300000 +2005-02-14,1205.300049,1206.930054,1203.589966,1206.140015,1206.140015,1290180000 +2005-02-15,1206.140015,1212.439941,1205.520020,1210.119995,1210.119995,1527080000 +2005-02-16,1210.119995,1212.439941,1205.060059,1210.339966,1210.339966,1490100000 +2005-02-17,1210.339966,1211.329956,1200.739990,1200.750000,1200.750000,1580120000 +2005-02-18,1200.750000,1202.920044,1197.349976,1201.589966,1201.589966,1551200000 +2005-02-22,1201.589966,1202.479980,1184.160034,1184.160034,1184.160034,1744940000 +2005-02-23,1184.160034,1193.520020,1184.160034,1190.800049,1190.800049,1501090000 +2005-02-24,1190.800049,1200.420044,1187.800049,1200.199951,1200.199951,1518750000 +2005-02-25,1200.199951,1212.150024,1199.609985,1211.369995,1211.369995,1523680000 +2005-02-28,1211.369995,1211.369995,1198.130005,1203.599976,1203.599976,1795480000 +2005-03-01,1203.599976,1212.250000,1203.599976,1210.410034,1210.410034,1708060000 +2005-03-02,1210.410034,1215.790039,1204.219971,1210.079956,1210.079956,1568540000 +2005-03-03,1210.079956,1215.719971,1204.449951,1210.469971,1210.469971,1616240000 +2005-03-04,1210.469971,1224.760010,1210.469971,1222.119995,1222.119995,1636820000 +2005-03-07,1222.119995,1229.109985,1222.119995,1225.310059,1225.310059,1488830000 +2005-03-08,1225.310059,1225.689941,1218.569946,1219.430054,1219.430054,1523090000 +2005-03-09,1219.430054,1219.430054,1206.660034,1207.010010,1207.010010,1704970000 +2005-03-10,1207.010010,1211.229980,1201.410034,1209.250000,1209.250000,1604020000 +2005-03-11,1209.250000,1213.040039,1198.150024,1200.079956,1200.079956,1449820000 +2005-03-14,1200.079956,1206.829956,1199.510010,1206.829956,1206.829956,1437430000 +2005-03-15,1206.829956,1210.540039,1197.750000,1197.750000,1197.750000,1513530000 +2005-03-16,1197.750000,1197.750000,1185.609985,1188.069946,1188.069946,1653190000 +2005-03-17,1188.069946,1193.280029,1186.339966,1190.209961,1190.209961,1581930000 +2005-03-18,1190.209961,1191.979980,1182.780029,1189.650024,1189.650024,2344370000 +2005-03-21,1189.650024,1189.650024,1178.819946,1183.780029,1183.780029,1819440000 +2005-03-22,1183.780029,1189.589966,1171.630005,1171.709961,1171.709961,2114470000 +2005-03-23,1171.709961,1176.260010,1168.699951,1172.530029,1172.530029,2246870000 +2005-03-24,1172.530029,1180.109985,1171.420044,1171.420044,1171.420044,1721720000 +2005-03-28,1171.420044,1179.910034,1171.420044,1174.280029,1174.280029,1746220000 +2005-03-29,1174.280029,1179.390015,1163.689941,1165.359985,1165.359985,2223250000 +2005-03-30,1165.359985,1181.540039,1165.359985,1181.410034,1181.410034,2097110000 +2005-03-31,1181.410034,1184.530029,1179.489990,1180.589966,1180.589966,2214230000 +2005-04-01,1180.589966,1189.800049,1169.910034,1172.920044,1172.920044,2168690000 +2005-04-04,1172.790039,1178.609985,1167.719971,1176.119995,1176.119995,2079770000 +2005-04-05,1176.119995,1183.560059,1176.119995,1181.390015,1181.390015,1870800000 +2005-04-06,1181.390015,1189.339966,1181.390015,1184.069946,1184.069946,1797400000 +2005-04-07,1184.069946,1191.880005,1183.810059,1191.140015,1191.140015,1900620000 +2005-04-08,1191.140015,1191.750000,1181.130005,1181.199951,1181.199951,1661330000 +2005-04-11,1181.199951,1184.069946,1178.689941,1181.209961,1181.209961,1525310000 +2005-04-12,1181.209961,1190.170044,1170.849976,1187.760010,1187.760010,1979830000 +2005-04-13,1187.760010,1187.760010,1171.400024,1173.790039,1173.790039,2049740000 +2005-04-14,1173.790039,1174.670044,1161.699951,1162.050049,1162.050049,2355040000 +2005-04-15,1162.050049,1162.050049,1141.920044,1142.619995,1142.619995,2689960000 +2005-04-18,1142.619995,1148.920044,1139.800049,1145.979980,1145.979980,2180670000 +2005-04-19,1145.979980,1154.670044,1145.979980,1152.780029,1152.780029,2142700000 +2005-04-20,1152.780029,1155.500000,1136.150024,1137.500000,1137.500000,2217050000 +2005-04-21,1137.500000,1159.949951,1137.500000,1159.949951,1159.949951,2308560000 +2005-04-22,1159.949951,1159.949951,1142.949951,1152.119995,1152.119995,2045880000 +2005-04-25,1152.119995,1164.050049,1152.119995,1162.099976,1162.099976,1795030000 +2005-04-26,1162.099976,1164.800049,1151.829956,1151.829956,1151.829956,1959740000 +2005-04-27,1151.739990,1159.869995,1144.420044,1156.380005,1156.380005,2151520000 +2005-04-28,1156.380005,1156.380005,1143.219971,1143.219971,1143.219971,2182270000 +2005-04-29,1143.219971,1156.969971,1139.189941,1156.849976,1156.849976,2362360000 +2005-05-02,1156.849976,1162.869995,1154.709961,1162.160034,1162.160034,1980040000 +2005-05-03,1162.160034,1166.890015,1156.709961,1161.170044,1161.170044,2167020000 +2005-05-04,1161.170044,1176.010010,1161.170044,1175.650024,1175.650024,2306480000 +2005-05-05,1175.650024,1178.619995,1166.770020,1172.630005,1172.630005,1997100000 +2005-05-06,1172.630005,1177.750000,1170.500000,1171.349976,1171.349976,1707200000 +2005-05-09,1171.349976,1178.869995,1169.380005,1178.839966,1178.839966,1857020000 +2005-05-10,1178.839966,1178.839966,1162.979980,1166.219971,1166.219971,1889660000 +2005-05-11,1166.219971,1171.770020,1157.709961,1171.109985,1171.109985,1834970000 +2005-05-12,1171.109985,1173.369995,1157.760010,1159.359985,1159.359985,1995290000 +2005-05-13,1159.359985,1163.750000,1146.180054,1154.050049,1154.050049,2188590000 +2005-05-16,1154.050049,1165.750000,1153.640015,1165.689941,1165.689941,1856860000 +2005-05-17,1165.689941,1174.349976,1159.859985,1173.800049,1173.800049,1887260000 +2005-05-18,1173.800049,1187.900024,1173.800049,1185.560059,1185.560059,2266320000 +2005-05-19,1185.560059,1191.089966,1184.489990,1191.079956,1191.079956,1775860000 +2005-05-20,1191.079956,1191.219971,1185.189941,1189.280029,1189.280029,1631750000 +2005-05-23,1189.280029,1197.439941,1188.760010,1193.859985,1193.859985,1681170000 +2005-05-24,1193.859985,1195.290039,1189.869995,1194.069946,1194.069946,1681000000 +2005-05-25,1194.069946,1194.069946,1185.959961,1190.010010,1190.010010,1742180000 +2005-05-26,1190.010010,1198.949951,1190.010010,1197.619995,1197.619995,1654110000 +2005-05-27,1197.619995,1199.560059,1195.280029,1198.780029,1198.780029,1381430000 +2005-05-31,1198.780029,1198.780029,1191.500000,1191.500000,1191.500000,1840680000 +2005-06-01,1191.500000,1205.640015,1191.030029,1202.219971,1202.219971,1810100000 +2005-06-02,1202.270020,1204.670044,1198.420044,1204.290039,1204.290039,1813790000 +2005-06-03,1204.290039,1205.089966,1194.550049,1196.020020,1196.020020,1627520000 +2005-06-06,1196.020020,1198.780029,1192.750000,1197.510010,1197.510010,1547120000 +2005-06-07,1197.510010,1208.849976,1197.260010,1197.260010,1197.260010,1851370000 +2005-06-08,1197.260010,1201.969971,1193.329956,1194.670044,1194.670044,1715490000 +2005-06-09,1194.670044,1201.859985,1191.089966,1200.930054,1200.930054,1824120000 +2005-06-10,1200.930054,1202.790039,1192.640015,1198.109985,1198.109985,1664180000 +2005-06-13,1198.109985,1206.030029,1194.510010,1200.819946,1200.819946,1661350000 +2005-06-14,1200.819946,1207.530029,1200.180054,1203.910034,1203.910034,1698150000 +2005-06-15,1203.910034,1208.079956,1198.660034,1206.579956,1206.579956,1840440000 +2005-06-16,1206.550049,1212.099976,1205.469971,1210.959961,1210.959961,1776040000 +2005-06-17,1210.930054,1219.550049,1210.930054,1216.959961,1216.959961,2407370000 +2005-06-20,1216.959961,1219.099976,1210.650024,1216.099976,1216.099976,1714530000 +2005-06-21,1216.099976,1217.130005,1211.859985,1213.609985,1213.609985,1720700000 +2005-06-22,1213.609985,1219.589966,1211.689941,1213.880005,1213.880005,1823250000 +2005-06-23,1213.880005,1216.449951,1200.719971,1200.729980,1200.729980,2029920000 +2005-06-24,1200.729980,1200.900024,1191.449951,1191.569946,1191.569946,2418800000 +2005-06-27,1191.569946,1194.329956,1188.300049,1190.689941,1190.689941,1738620000 +2005-06-28,1190.689941,1202.540039,1190.689941,1201.569946,1201.569946,1772410000 +2005-06-29,1201.569946,1204.069946,1198.699951,1199.849976,1199.849976,1769280000 +2005-06-30,1199.849976,1203.270020,1190.510010,1191.329956,1191.329956,2109490000 +2005-07-01,1191.329956,1197.890015,1191.329956,1194.439941,1194.439941,1593820000 +2005-07-05,1194.439941,1206.339966,1192.489990,1204.989990,1204.989990,1805820000 +2005-07-06,1204.989990,1206.109985,1194.780029,1194.939941,1194.939941,1883470000 +2005-07-07,1194.939941,1198.459961,1183.550049,1197.869995,1197.869995,1952440000 +2005-07-08,1197.869995,1212.729980,1197.199951,1211.859985,1211.859985,1900810000 +2005-07-11,1211.859985,1220.030029,1211.859985,1219.439941,1219.439941,1846300000 +2005-07-12,1219.439941,1225.540039,1216.599976,1222.209961,1222.209961,1932010000 +2005-07-13,1222.209961,1224.459961,1219.640015,1223.290039,1223.290039,1812500000 +2005-07-14,1223.290039,1233.160034,1223.290039,1226.500000,1226.500000,2048710000 +2005-07-15,1226.500000,1229.530029,1223.500000,1227.920044,1227.920044,1716400000 +2005-07-18,1227.920044,1227.920044,1221.130005,1221.130005,1221.130005,1582100000 +2005-07-19,1221.130005,1230.339966,1221.130005,1229.349976,1229.349976,2041280000 +2005-07-20,1229.349976,1236.560059,1222.910034,1235.199951,1235.199951,2063340000 +2005-07-21,1235.199951,1235.829956,1224.699951,1227.040039,1227.040039,2129840000 +2005-07-22,1227.040039,1234.189941,1226.150024,1233.680054,1233.680054,1766990000 +2005-07-25,1233.680054,1238.359985,1228.150024,1229.030029,1229.030029,1717580000 +2005-07-26,1229.030029,1234.420044,1229.030029,1231.160034,1231.160034,1934180000 +2005-07-27,1231.160034,1237.640015,1230.150024,1236.790039,1236.790039,1945800000 +2005-07-28,1236.790039,1245.150024,1235.810059,1243.719971,1243.719971,2001680000 +2005-07-29,1243.719971,1245.040039,1234.180054,1234.180054,1234.180054,1789600000 +2005-08-01,1234.180054,1239.099976,1233.800049,1235.349976,1235.349976,1716870000 +2005-08-02,1235.349976,1244.689941,1235.349976,1244.119995,1244.119995,2043120000 +2005-08-03,1244.119995,1245.859985,1240.569946,1245.040039,1245.040039,1999980000 +2005-08-04,1245.040039,1245.040039,1235.150024,1235.859985,1235.859985,1981220000 +2005-08-05,1235.859985,1235.859985,1225.619995,1226.420044,1226.420044,1930280000 +2005-08-08,1226.420044,1232.280029,1222.670044,1223.130005,1223.130005,1804140000 +2005-08-09,1223.130005,1234.109985,1223.130005,1231.380005,1231.380005,1897520000 +2005-08-10,1231.380005,1242.689941,1226.579956,1229.130005,1229.130005,2172320000 +2005-08-11,1229.130005,1237.810059,1228.329956,1237.810059,1237.810059,1941560000 +2005-08-12,1237.810059,1237.810059,1225.869995,1230.390015,1230.390015,1709300000 +2005-08-15,1230.400024,1236.239990,1226.199951,1233.869995,1233.869995,1562880000 +2005-08-16,1233.869995,1233.869995,1219.050049,1219.339966,1219.339966,1820410000 +2005-08-17,1219.339966,1225.630005,1218.069946,1220.239990,1220.239990,1859150000 +2005-08-18,1220.239990,1222.640015,1215.930054,1219.020020,1219.020020,1808170000 +2005-08-19,1219.020020,1225.079956,1219.020020,1219.709961,1219.709961,1558790000 +2005-08-22,1219.709961,1228.959961,1216.469971,1221.729980,1221.729980,1621330000 +2005-08-23,1221.729980,1223.040039,1214.439941,1217.589966,1217.589966,1678620000 +2005-08-24,1217.569946,1224.150024,1209.369995,1209.589966,1209.589966,1930800000 +2005-08-25,1209.589966,1213.729980,1209.569946,1212.369995,1212.369995,1571110000 +2005-08-26,1212.400024,1212.400024,1204.229980,1205.099976,1205.099976,1541090000 +2005-08-29,1205.099976,1214.280029,1201.530029,1212.280029,1212.280029,1599450000 +2005-08-30,1212.280029,1212.280029,1201.069946,1208.410034,1208.410034,1916470000 +2005-08-31,1208.410034,1220.359985,1204.400024,1220.329956,1220.329956,2365510000 +2005-09-01,1220.329956,1227.290039,1216.180054,1221.589966,1221.589966,2229860000 +2005-09-02,1221.589966,1224.449951,1217.750000,1218.020020,1218.020020,1640160000 +2005-09-06,1218.020020,1233.609985,1218.020020,1233.390015,1233.390015,1932090000 +2005-09-07,1233.390015,1237.060059,1230.930054,1236.359985,1236.359985,2067700000 +2005-09-08,1236.359985,1236.359985,1229.510010,1231.670044,1231.670044,1955380000 +2005-09-09,1231.670044,1243.130005,1231.670044,1241.479980,1241.479980,1992560000 +2005-09-12,1241.479980,1242.599976,1239.150024,1240.560059,1240.560059,1938050000 +2005-09-13,1240.569946,1240.569946,1231.199951,1231.199951,1231.199951,2082360000 +2005-09-14,1231.199951,1234.739990,1226.160034,1227.160034,1227.160034,1986750000 +2005-09-15,1227.160034,1231.880005,1224.849976,1227.729980,1227.729980,2079340000 +2005-09-16,1228.420044,1237.949951,1228.420044,1237.910034,1237.910034,3152470000 +2005-09-19,1237.910034,1237.910034,1227.650024,1231.020020,1231.020020,2076540000 +2005-09-20,1231.020020,1236.489990,1220.069946,1221.339966,1221.339966,2319250000 +2005-09-21,1221.339966,1221.520020,1209.890015,1210.199951,1210.199951,2548150000 +2005-09-22,1210.199951,1216.640015,1205.349976,1214.619995,1214.619995,2424720000 +2005-09-23,1214.619995,1218.829956,1209.800049,1215.290039,1215.290039,1973020000 +2005-09-26,1215.290039,1222.560059,1211.839966,1215.630005,1215.630005,2022220000 +2005-09-27,1215.630005,1220.170044,1211.109985,1215.660034,1215.660034,1976270000 +2005-09-28,1215.660034,1220.979980,1212.719971,1216.890015,1216.890015,2106980000 +2005-09-29,1216.890015,1228.699951,1211.540039,1227.680054,1227.680054,2176120000 +2005-09-30,1227.680054,1229.569946,1225.219971,1228.810059,1228.810059,2097520000 +2005-10-03,1228.810059,1233.339966,1225.150024,1226.699951,1226.699951,2097490000 +2005-10-04,1226.699951,1229.880005,1214.020020,1214.469971,1214.469971,2341420000 +2005-10-05,1214.469971,1214.469971,1196.250000,1196.390015,1196.390015,2546780000 +2005-10-06,1196.390015,1202.140015,1181.920044,1191.489990,1191.489990,2792030000 +2005-10-07,1191.489990,1199.709961,1191.459961,1195.900024,1195.900024,2126080000 +2005-10-10,1195.900024,1196.520020,1186.119995,1187.329956,1187.329956,2195990000 +2005-10-11,1187.329956,1193.099976,1183.160034,1184.869995,1184.869995,2299040000 +2005-10-12,1184.869995,1190.020020,1173.650024,1177.680054,1177.680054,2491280000 +2005-10-13,1177.680054,1179.560059,1168.199951,1176.839966,1176.839966,2351150000 +2005-10-14,1176.839966,1187.130005,1175.439941,1186.569946,1186.569946,2188940000 +2005-10-17,1186.569946,1191.209961,1184.479980,1190.099976,1190.099976,2054570000 +2005-10-18,1190.099976,1190.099976,1178.130005,1178.140015,1178.140015,2197010000 +2005-10-19,1178.140015,1195.760010,1170.550049,1195.760010,1195.760010,2703590000 +2005-10-20,1195.760010,1197.300049,1173.300049,1177.800049,1177.800049,2617250000 +2005-10-21,1177.800049,1186.459961,1174.920044,1179.589966,1179.589966,2470920000 +2005-10-24,1179.589966,1199.390015,1179.589966,1199.380005,1199.380005,2197790000 +2005-10-25,1199.380005,1201.300049,1189.290039,1196.540039,1196.540039,2312470000 +2005-10-26,1196.540039,1204.010010,1191.380005,1191.380005,1191.380005,2467750000 +2005-10-27,1191.380005,1192.650024,1178.890015,1178.900024,1178.900024,2395370000 +2005-10-28,1178.900024,1198.410034,1178.900024,1198.410034,1198.410034,2379400000 +2005-10-31,1198.410034,1211.430054,1198.410034,1207.010010,1207.010010,2567470000 +2005-11-01,1207.010010,1207.339966,1201.660034,1202.760010,1202.760010,2457850000 +2005-11-02,1202.760010,1215.170044,1201.069946,1214.760010,1214.760010,2648090000 +2005-11-03,1214.760010,1224.699951,1214.760010,1219.939941,1219.939941,2716630000 +2005-11-04,1219.939941,1222.520020,1214.449951,1220.140015,1220.140015,2050510000 +2005-11-07,1220.140015,1224.180054,1217.290039,1222.810059,1222.810059,1987580000 +2005-11-08,1222.810059,1222.810059,1216.079956,1218.589966,1218.589966,1965050000 +2005-11-09,1218.589966,1226.589966,1216.530029,1220.650024,1220.650024,2214460000 +2005-11-10,1220.650024,1232.410034,1215.050049,1230.959961,1230.959961,2378460000 +2005-11-11,1230.959961,1235.699951,1230.719971,1234.719971,1234.719971,1773140000 +2005-11-14,1234.719971,1237.199951,1231.780029,1233.760010,1233.760010,1899780000 +2005-11-15,1233.760010,1237.939941,1226.410034,1229.010010,1229.010010,2359370000 +2005-11-16,1229.010010,1232.239990,1227.180054,1231.209961,1231.209961,2121580000 +2005-11-17,1231.209961,1242.959961,1231.209961,1242.800049,1242.800049,2298040000 +2005-11-18,1242.800049,1249.579956,1240.709961,1248.270020,1248.270020,2453290000 +2005-11-21,1248.270020,1255.890015,1246.900024,1254.849976,1254.849976,2117350000 +2005-11-22,1254.849976,1261.900024,1251.400024,1261.229980,1261.229980,2291420000 +2005-11-23,1261.229980,1270.640015,1259.510010,1265.609985,1265.609985,1985400000 +2005-11-25,1265.609985,1268.780029,1265.540039,1268.250000,1268.250000,724940000 +2005-11-28,1268.250000,1268.439941,1257.170044,1257.459961,1257.459961,2016900000 +2005-11-29,1257.459961,1266.180054,1257.459961,1257.479980,1257.479980,2268340000 +2005-11-30,1257.479980,1260.930054,1249.390015,1249.479980,1249.479980,2374690000 +2005-12-01,1249.479980,1266.170044,1249.479980,1264.670044,1264.670044,2614830000 +2005-12-02,1264.670044,1266.849976,1261.420044,1265.079956,1265.079956,2125580000 +2005-12-05,1265.079956,1265.079956,1258.119995,1262.089966,1262.089966,2325840000 +2005-12-06,1262.089966,1272.890015,1262.089966,1263.699951,1263.699951,2110740000 +2005-12-07,1263.699951,1264.849976,1253.020020,1257.369995,1257.369995,2093830000 +2005-12-08,1257.369995,1263.359985,1250.910034,1255.839966,1255.839966,2178300000 +2005-12-09,1255.839966,1263.079956,1254.239990,1259.369995,1259.369995,1896290000 +2005-12-12,1259.369995,1263.859985,1255.520020,1260.430054,1260.430054,1876550000 +2005-12-13,1260.430054,1272.109985,1258.560059,1267.430054,1267.430054,2390020000 +2005-12-14,1267.430054,1275.800049,1267.069946,1272.739990,1272.739990,2145520000 +2005-12-15,1272.739990,1275.170044,1267.739990,1270.939941,1270.939941,2180590000 +2005-12-16,1270.939941,1275.239990,1267.319946,1267.319946,1267.319946,2584190000 +2005-12-19,1267.319946,1270.510010,1259.280029,1259.920044,1259.920044,2208810000 +2005-12-20,1259.920044,1263.859985,1257.209961,1259.619995,1259.619995,1996690000 +2005-12-21,1259.619995,1269.369995,1259.619995,1262.790039,1262.790039,2065170000 +2005-12-22,1262.790039,1268.189941,1262.500000,1268.119995,1268.119995,1888500000 +2005-12-23,1268.119995,1269.760010,1265.920044,1268.660034,1268.660034,1285810000 +2005-12-27,1268.660034,1271.829956,1256.540039,1256.540039,1256.540039,1540470000 +2005-12-28,1256.540039,1261.099976,1256.540039,1258.170044,1258.170044,1422360000 +2005-12-29,1258.170044,1260.609985,1254.180054,1254.420044,1254.420044,1382540000 +2005-12-30,1254.420044,1254.420044,1246.589966,1248.290039,1248.290039,1443500000 +2006-01-03,1248.290039,1270.219971,1245.739990,1268.800049,1268.800049,2554570000 +2006-01-04,1268.800049,1275.369995,1267.739990,1273.459961,1273.459961,2515330000 +2006-01-05,1273.459961,1276.910034,1270.300049,1273.479980,1273.479980,2433340000 +2006-01-06,1273.479980,1286.089966,1273.479980,1285.449951,1285.449951,2446560000 +2006-01-09,1285.449951,1290.780029,1284.819946,1290.150024,1290.150024,2301490000 +2006-01-10,1290.150024,1290.150024,1283.760010,1289.689941,1289.689941,2373080000 +2006-01-11,1289.719971,1294.900024,1288.119995,1294.180054,1294.180054,2406130000 +2006-01-12,1294.180054,1294.180054,1285.040039,1286.060059,1286.060059,2318350000 +2006-01-13,1286.060059,1288.959961,1282.780029,1287.609985,1287.609985,2206510000 +2006-01-17,1287.609985,1287.609985,1278.609985,1282.930054,1282.930054,2179970000 +2006-01-18,1282.930054,1282.930054,1272.079956,1277.930054,1277.930054,2233200000 +2006-01-19,1277.930054,1287.790039,1277.930054,1285.040039,1285.040039,2444020000 +2006-01-20,1285.040039,1285.040039,1260.920044,1261.489990,1261.489990,2845810000 +2006-01-23,1261.489990,1268.189941,1261.489990,1263.819946,1263.819946,2256070000 +2006-01-24,1263.819946,1271.469971,1263.819946,1266.859985,1266.859985,2608720000 +2006-01-25,1266.859985,1271.869995,1259.420044,1264.680054,1264.680054,2617060000 +2006-01-26,1264.680054,1276.439941,1264.680054,1273.829956,1273.829956,2856780000 +2006-01-27,1273.829956,1286.380005,1273.829956,1283.719971,1283.719971,2623620000 +2006-01-30,1283.719971,1287.939941,1283.510010,1285.189941,1285.189941,2282730000 +2006-01-31,1285.199951,1285.199951,1276.849976,1280.079956,1280.079956,2708310000 +2006-02-01,1280.079956,1283.329956,1277.569946,1282.459961,1282.459961,2589410000 +2006-02-02,1282.459961,1282.459961,1267.719971,1270.839966,1270.839966,2565300000 +2006-02-03,1270.839966,1270.869995,1261.020020,1264.030029,1264.030029,2282210000 +2006-02-06,1264.030029,1267.040039,1261.619995,1265.020020,1265.020020,2132360000 +2006-02-07,1265.020020,1265.780029,1253.609985,1254.780029,1254.780029,2366370000 +2006-02-08,1254.780029,1266.469971,1254.780029,1265.650024,1265.650024,2456860000 +2006-02-09,1265.650024,1274.560059,1262.800049,1263.780029,1263.780029,2441920000 +2006-02-10,1263.819946,1269.890015,1254.979980,1266.989990,1266.989990,2290050000 +2006-02-13,1266.989990,1266.989990,1258.339966,1262.859985,1262.859985,1850080000 +2006-02-14,1262.859985,1278.209961,1260.800049,1275.530029,1275.530029,2437940000 +2006-02-15,1275.530029,1281.000000,1271.060059,1280.000000,1280.000000,2317590000 +2006-02-16,1280.000000,1289.390015,1280.000000,1289.380005,1289.380005,2251490000 +2006-02-17,1289.380005,1289.469971,1284.069946,1287.239990,1287.239990,2128260000 +2006-02-21,1287.239990,1291.920044,1281.329956,1283.030029,1283.030029,2104320000 +2006-02-22,1283.030029,1294.170044,1283.030029,1292.670044,1292.670044,2222380000 +2006-02-23,1292.670044,1293.839966,1285.140015,1287.790039,1287.790039,2144210000 +2006-02-24,1287.790039,1292.109985,1285.619995,1289.430054,1289.430054,1933010000 +2006-02-27,1289.430054,1297.569946,1289.430054,1294.119995,1294.119995,1975320000 +2006-02-28,1294.119995,1294.119995,1278.660034,1280.660034,1280.660034,2370860000 +2006-03-01,1280.660034,1291.800049,1280.660034,1291.239990,1291.239990,2308320000 +2006-03-02,1291.239990,1291.239990,1283.209961,1289.140015,1289.140015,2494590000 +2006-03-03,1289.140015,1297.329956,1284.199951,1287.229980,1287.229980,2152950000 +2006-03-06,1287.229980,1288.229980,1275.670044,1278.260010,1278.260010,2280190000 +2006-03-07,1278.260010,1278.260010,1271.109985,1275.880005,1275.880005,2268050000 +2006-03-08,1275.880005,1280.329956,1268.420044,1278.469971,1278.469971,2442870000 +2006-03-09,1278.469971,1282.739990,1272.229980,1272.229980,1272.229980,2140110000 +2006-03-10,1272.229980,1284.369995,1271.109985,1281.420044,1281.420044,2123450000 +2006-03-13,1281.579956,1287.369995,1281.579956,1284.130005,1284.130005,2070330000 +2006-03-14,1284.130005,1298.140015,1282.670044,1297.479980,1297.479980,2165270000 +2006-03-15,1297.479980,1304.400024,1294.969971,1303.020020,1303.020020,2293000000 +2006-03-16,1303.020020,1310.449951,1303.020020,1305.329956,1305.329956,2292180000 +2006-03-17,1305.329956,1309.790039,1305.319946,1307.250000,1307.250000,2549620000 +2006-03-20,1307.250000,1310.000000,1303.589966,1305.079956,1305.079956,1976830000 +2006-03-21,1305.079956,1310.880005,1295.819946,1297.229980,1297.229980,2147370000 +2006-03-22,1297.229980,1305.969971,1295.810059,1305.040039,1305.040039,2039810000 +2006-03-23,1305.040039,1305.040039,1298.109985,1301.670044,1301.670044,1980940000 +2006-03-24,1301.670044,1306.530029,1298.890015,1302.949951,1302.949951,2326070000 +2006-03-27,1302.949951,1303.739990,1299.089966,1301.609985,1301.609985,2029700000 +2006-03-28,1301.609985,1306.239990,1291.839966,1293.229980,1293.229980,2148580000 +2006-03-29,1293.229980,1305.599976,1293.229980,1302.890015,1302.890015,2143540000 +2006-03-30,1302.890015,1310.150024,1296.719971,1300.250000,1300.250000,2294560000 +2006-03-31,1300.250000,1303.000000,1294.869995,1294.869995,1294.869995,2236710000 +2006-04-03,1302.880005,1309.189941,1296.650024,1297.810059,1297.810059,2494080000 +2006-04-04,1297.810059,1307.550049,1294.709961,1305.930054,1305.930054,2147660000 +2006-04-05,1305.930054,1312.810059,1304.819946,1311.560059,1311.560059,2420020000 +2006-04-06,1311.560059,1311.989990,1302.439941,1309.040039,1309.040039,2281680000 +2006-04-07,1309.040039,1314.069946,1294.180054,1295.500000,1295.500000,2082470000 +2006-04-10,1295.510010,1300.739990,1293.170044,1296.619995,1296.619995,1898320000 +2006-04-11,1296.599976,1300.709961,1282.959961,1286.569946,1286.569946,2232880000 +2006-04-12,1286.569946,1290.930054,1286.449951,1288.119995,1288.119995,1938100000 +2006-04-13,1288.119995,1292.089966,1283.369995,1289.119995,1289.119995,1891940000 +2006-04-17,1289.119995,1292.449951,1280.739990,1285.329956,1285.329956,1794650000 +2006-04-18,1285.329956,1309.020020,1285.329956,1307.280029,1307.280029,2595440000 +2006-04-19,1307.650024,1310.390015,1302.790039,1309.930054,1309.930054,2447310000 +2006-04-20,1309.930054,1318.160034,1306.380005,1311.459961,1311.459961,2512920000 +2006-04-21,1311.459961,1317.670044,1306.589966,1311.280029,1311.280029,2392630000 +2006-04-24,1311.280029,1311.280029,1303.790039,1308.109985,1308.109985,2117330000 +2006-04-25,1308.109985,1310.790039,1299.170044,1301.739990,1301.739990,2366380000 +2006-04-26,1301.739990,1310.969971,1301.739990,1305.410034,1305.410034,2502690000 +2006-04-27,1305.410034,1315.000000,1295.569946,1309.719971,1309.719971,2772010000 +2006-04-28,1309.719971,1316.040039,1306.160034,1310.609985,1310.609985,2419920000 +2006-05-01,1310.609985,1317.209961,1303.459961,1305.189941,1305.189941,2437040000 +2006-05-02,1305.189941,1313.660034,1305.189941,1313.209961,1313.209961,2403470000 +2006-05-03,1313.209961,1313.469971,1303.920044,1308.119995,1308.119995,2395230000 +2006-05-04,1307.849976,1315.140015,1307.849976,1312.250000,1312.250000,2431450000 +2006-05-05,1312.250000,1326.530029,1312.250000,1325.760010,1325.760010,2294760000 +2006-05-08,1325.760010,1326.699951,1322.869995,1324.660034,1324.660034,2151300000 +2006-05-09,1324.660034,1326.599976,1322.479980,1325.140015,1325.140015,2157290000 +2006-05-10,1324.569946,1325.510010,1317.439941,1322.849976,1322.849976,2268550000 +2006-05-11,1322.630005,1322.630005,1303.449951,1305.920044,1305.920044,2531520000 +2006-05-12,1305.880005,1305.880005,1290.380005,1291.239990,1291.239990,2567970000 +2006-05-15,1291.189941,1294.810059,1284.510010,1294.500000,1294.500000,2505660000 +2006-05-16,1294.500000,1297.880005,1288.510010,1292.079956,1292.079956,2386210000 +2006-05-17,1291.729980,1291.729980,1267.310059,1270.319946,1270.319946,2830200000 +2006-05-18,1270.250000,1274.890015,1261.750000,1261.810059,1261.810059,2537490000 +2006-05-19,1261.810059,1272.150024,1256.280029,1267.030029,1267.030029,2982300000 +2006-05-22,1267.030029,1268.770020,1252.979980,1262.069946,1262.069946,2773010000 +2006-05-23,1262.060059,1273.670044,1256.150024,1256.579956,1256.579956,2605250000 +2006-05-24,1256.560059,1264.530029,1245.339966,1258.569946,1258.569946,2999030000 +2006-05-25,1258.410034,1273.260010,1258.410034,1272.880005,1272.880005,2372730000 +2006-05-26,1272.709961,1280.540039,1272.500000,1280.160034,1280.160034,1814020000 +2006-05-30,1280.040039,1280.040039,1259.869995,1259.869995,1259.869995,2176190000 +2006-05-31,1259.380005,1270.089966,1259.380005,1270.089966,1270.089966,2692160000 +2006-06-01,1270.050049,1285.709961,1269.189941,1285.709961,1285.709961,2360160000 +2006-06-02,1285.709961,1290.680054,1280.219971,1288.219971,1288.219971,2295540000 +2006-06-05,1288.160034,1288.160034,1264.660034,1265.290039,1265.290039,2313470000 +2006-06-06,1265.229980,1269.880005,1254.459961,1263.849976,1263.849976,2697650000 +2006-06-07,1263.609985,1272.469971,1255.770020,1256.150024,1256.150024,2644170000 +2006-06-08,1256.079956,1259.849976,1235.180054,1257.930054,1257.930054,3543790000 +2006-06-09,1257.930054,1262.579956,1250.030029,1252.300049,1252.300049,2214000000 +2006-06-12,1252.270020,1255.219971,1236.430054,1237.439941,1237.439941,2247010000 +2006-06-13,1236.079956,1243.369995,1222.520020,1223.689941,1223.689941,3215770000 +2006-06-14,1223.660034,1231.459961,1219.290039,1230.040039,1230.040039,2667990000 +2006-06-15,1230.010010,1258.640015,1230.010010,1256.160034,1256.160034,2775480000 +2006-06-16,1256.160034,1256.270020,1246.329956,1251.540039,1251.540039,2783390000 +2006-06-19,1251.540039,1255.930054,1237.170044,1240.130005,1240.130005,2517200000 +2006-06-20,1240.119995,1249.010010,1238.869995,1240.119995,1240.119995,2232950000 +2006-06-21,1240.089966,1257.959961,1240.089966,1252.199951,1252.199951,2361230000 +2006-06-22,1251.920044,1251.920044,1241.530029,1245.599976,1245.599976,2148180000 +2006-06-23,1245.589966,1253.130005,1241.430054,1244.500000,1244.500000,2017270000 +2006-06-26,1244.500000,1250.920044,1243.680054,1250.560059,1250.560059,1878580000 +2006-06-27,1250.550049,1253.369995,1238.939941,1239.199951,1239.199951,2203130000 +2006-06-28,1238.989990,1247.060059,1237.589966,1246.000000,1246.000000,2085490000 +2006-06-29,1245.939941,1272.880005,1245.939941,1272.869995,1272.869995,2621250000 +2006-06-30,1272.859985,1276.300049,1270.199951,1270.199951,1270.199951,3049560000 +2006-07-03,1270.060059,1280.380005,1270.060059,1280.189941,1280.189941,1114470000 +2006-07-05,1280.050049,1280.050049,1265.910034,1270.910034,1270.910034,2165070000 +2006-07-06,1270.579956,1278.319946,1270.579956,1274.079956,1274.079956,2009160000 +2006-07-07,1274.079956,1275.380005,1263.130005,1265.479980,1265.479980,1988150000 +2006-07-10,1265.459961,1274.060059,1264.459961,1267.339966,1267.339966,1854590000 +2006-07-11,1267.260010,1273.640015,1259.650024,1272.430054,1272.430054,2310850000 +2006-07-12,1272.390015,1273.310059,1257.290039,1258.599976,1258.599976,2250450000 +2006-07-13,1258.579956,1258.579956,1241.430054,1242.280029,1242.280029,2545760000 +2006-07-14,1242.290039,1242.699951,1228.449951,1236.199951,1236.199951,2467120000 +2006-07-17,1236.199951,1240.069946,1231.489990,1234.489990,1234.489990,2146410000 +2006-07-18,1234.479980,1239.859985,1224.540039,1236.859985,1236.859985,2481750000 +2006-07-19,1236.739990,1261.810059,1236.739990,1259.810059,1259.810059,2701980000 +2006-07-20,1259.810059,1262.560059,1249.130005,1249.130005,1249.130005,2345580000 +2006-07-21,1249.119995,1250.959961,1238.719971,1240.290039,1240.290039,2704090000 +2006-07-24,1240.250000,1262.500000,1240.250000,1260.910034,1260.910034,2312720000 +2006-07-25,1260.910034,1272.390015,1257.189941,1268.880005,1268.880005,2563930000 +2006-07-26,1268.869995,1273.890015,1261.939941,1268.400024,1268.400024,2667710000 +2006-07-27,1268.199951,1275.849976,1261.920044,1263.199951,1263.199951,2776710000 +2006-07-28,1263.150024,1280.420044,1263.150024,1278.550049,1278.550049,2480420000 +2006-07-31,1278.530029,1278.660034,1274.310059,1276.660034,1276.660034,2461300000 +2006-08-01,1278.530029,1278.660034,1265.709961,1270.920044,1270.920044,2527690000 +2006-08-02,1270.729980,1283.420044,1270.729980,1277.410034,1277.410034,2610750000 +2006-08-03,1278.219971,1283.959961,1271.250000,1280.270020,1280.270020,2728440000 +2006-08-04,1280.260010,1292.920044,1273.819946,1279.359985,1279.359985,2530970000 +2006-08-07,1279.310059,1279.310059,1273.000000,1275.770020,1275.770020,2045660000 +2006-08-08,1275.670044,1282.750000,1268.369995,1271.479980,1271.479980,2457840000 +2006-08-09,1271.130005,1283.739990,1264.729980,1265.949951,1265.949951,2555180000 +2006-08-10,1265.719971,1272.550049,1261.300049,1271.810059,1271.810059,2402190000 +2006-08-11,1271.640015,1271.640015,1262.079956,1266.739990,1266.739990,2004540000 +2006-08-14,1266.670044,1278.900024,1266.670044,1268.209961,1268.209961,2118020000 +2006-08-15,1268.189941,1286.229980,1268.189941,1285.579956,1285.579956,2334100000 +2006-08-16,1285.270020,1296.209961,1285.270020,1295.430054,1295.430054,2554570000 +2006-08-17,1295.369995,1300.780029,1292.709961,1297.479980,1297.479980,2458340000 +2006-08-18,1297.479980,1302.300049,1293.569946,1302.300049,1302.300049,2033910000 +2006-08-21,1302.300049,1302.300049,1295.510010,1297.520020,1297.520020,1759240000 +2006-08-22,1297.520020,1302.489990,1294.439941,1298.819946,1298.819946,1908740000 +2006-08-23,1298.729980,1301.500000,1289.819946,1292.989990,1292.989990,1893670000 +2006-08-24,1292.969971,1297.229980,1291.400024,1296.060059,1296.060059,1930320000 +2006-08-25,1295.920044,1298.880005,1292.390015,1295.089966,1295.089966,1667580000 +2006-08-28,1295.089966,1305.020020,1293.969971,1301.780029,1301.780029,1834920000 +2006-08-29,1301.569946,1305.020020,1295.290039,1304.280029,1304.280029,2093720000 +2006-08-30,1303.699951,1306.739990,1302.150024,1305.369995,1305.369995,2060690000 +2006-08-31,1304.250000,1306.109985,1302.449951,1303.819946,1303.819946,1974540000 +2006-09-01,1303.800049,1312.030029,1303.800049,1311.010010,1311.010010,1800520000 +2006-09-05,1310.939941,1314.670044,1308.819946,1313.250000,1313.250000,2114480000 +2006-09-06,1313.040039,1313.040039,1299.280029,1300.260010,1300.260010,2329870000 +2006-09-07,1300.209961,1301.250000,1292.130005,1294.020020,1294.020020,2325850000 +2006-09-08,1294.020020,1300.140015,1294.020020,1298.920044,1298.920044,2132890000 +2006-09-11,1298.859985,1302.359985,1290.930054,1299.540039,1299.540039,2506430000 +2006-09-12,1299.530029,1314.280029,1299.530029,1313.000000,1313.000000,2791580000 +2006-09-13,1312.739990,1319.920044,1311.119995,1318.069946,1318.069946,2597220000 +2006-09-14,1318.000000,1318.000000,1313.250000,1316.280029,1316.280029,2351220000 +2006-09-15,1316.280029,1324.650024,1316.280029,1319.660034,1319.660034,3198030000 +2006-09-18,1319.849976,1324.869995,1318.160034,1321.180054,1321.180054,2325080000 +2006-09-19,1321.170044,1322.040039,1312.170044,1317.640015,1317.640015,2390850000 +2006-09-20,1318.280029,1328.530029,1318.280029,1325.180054,1325.180054,2543070000 +2006-09-21,1324.890015,1328.189941,1315.449951,1318.030029,1318.030029,2627440000 +2006-09-22,1318.030029,1318.030029,1310.939941,1314.780029,1314.780029,2162880000 +2006-09-25,1314.780029,1329.349976,1311.579956,1326.369995,1326.369995,2710240000 +2006-09-26,1326.349976,1336.599976,1325.300049,1336.349976,1336.349976,2673350000 +2006-09-27,1336.119995,1340.079956,1333.540039,1336.589966,1336.589966,2749190000 +2006-09-28,1336.560059,1340.280029,1333.750000,1338.880005,1338.880005,2397820000 +2006-09-29,1339.150024,1339.880005,1335.640015,1335.849976,1335.849976,2273430000 +2006-10-02,1335.819946,1338.540039,1330.280029,1331.319946,1331.319946,2154480000 +2006-10-03,1331.319946,1338.310059,1327.099976,1334.109985,1334.109985,2682690000 +2006-10-04,1333.810059,1350.199951,1331.479980,1350.199951,1350.199951,3019880000 +2006-10-05,1349.839966,1353.790039,1347.750000,1353.219971,1353.219971,2817240000 +2006-10-06,1353.219971,1353.219971,1344.209961,1349.589966,1349.589966,2523000000 +2006-10-09,1349.579956,1352.689941,1346.550049,1350.660034,1350.660034,1935170000 +2006-10-10,1350.619995,1354.229980,1348.599976,1353.420044,1353.420044,2376140000 +2006-10-11,1353.280029,1353.969971,1343.569946,1349.949951,1349.949951,2521000000 +2006-10-12,1349.939941,1363.760010,1349.939941,1362.829956,1362.829956,2514350000 +2006-10-13,1362.819946,1366.630005,1360.500000,1365.619995,1365.619995,2482920000 +2006-10-16,1365.609985,1370.199951,1364.479980,1369.060059,1369.060059,2305920000 +2006-10-17,1369.050049,1369.050049,1356.869995,1364.050049,1364.050049,2519620000 +2006-10-18,1363.930054,1372.869995,1360.949951,1365.800049,1365.800049,2658840000 +2006-10-19,1365.949951,1368.089966,1362.060059,1366.959961,1366.959961,2619830000 +2006-10-20,1366.939941,1368.660034,1362.099976,1368.599976,1368.599976,2526410000 +2006-10-23,1368.579956,1377.400024,1363.939941,1377.020020,1377.020020,2480430000 +2006-10-24,1377.020020,1377.780029,1372.420044,1377.380005,1377.380005,2876890000 +2006-10-25,1377.359985,1383.609985,1376.000000,1382.219971,1382.219971,2953540000 +2006-10-26,1382.209961,1389.449951,1379.469971,1389.079956,1389.079956,2793350000 +2006-10-27,1388.890015,1388.890015,1375.849976,1377.339966,1377.339966,2458450000 +2006-10-30,1377.300049,1381.219971,1373.459961,1377.930054,1377.930054,2770440000 +2006-10-31,1377.930054,1381.209961,1372.189941,1377.939941,1377.939941,2803030000 +2006-11-01,1377.760010,1381.949951,1366.260010,1367.810059,1367.810059,2821160000 +2006-11-02,1367.439941,1368.390015,1362.209961,1367.339966,1367.339966,2646180000 +2006-11-03,1367.310059,1371.680054,1360.979980,1364.300049,1364.300049,2419730000 +2006-11-06,1364.270020,1381.400024,1364.270020,1379.780029,1379.780029,2533550000 +2006-11-07,1379.750000,1388.189941,1379.189941,1382.839966,1382.839966,2636390000 +2006-11-08,1382.500000,1388.609985,1379.329956,1385.719971,1385.719971,2814820000 +2006-11-09,1385.430054,1388.920044,1377.310059,1378.329956,1378.329956,3012050000 +2006-11-10,1378.329956,1381.040039,1375.599976,1380.900024,1380.900024,2290200000 +2006-11-13,1380.579956,1387.609985,1378.800049,1384.420044,1384.420044,2386340000 +2006-11-14,1384.359985,1394.489990,1379.069946,1393.219971,1393.219971,3027480000 +2006-11-15,1392.910034,1401.349976,1392.130005,1396.569946,1396.569946,2831130000 +2006-11-16,1396.530029,1403.760010,1396.530029,1399.760010,1399.760010,2835730000 +2006-11-17,1399.760010,1401.209961,1394.550049,1401.199951,1401.199951,2726100000 +2006-11-20,1401.170044,1404.369995,1397.849976,1400.500000,1400.500000,2546710000 +2006-11-21,1400.430054,1403.489990,1399.989990,1402.810059,1402.810059,2597940000 +2006-11-22,1402.689941,1407.890015,1402.260010,1406.089966,1406.089966,2237710000 +2006-11-24,1405.939941,1405.939941,1399.250000,1400.949951,1400.949951,832550000 +2006-11-27,1400.949951,1400.949951,1381.439941,1381.959961,1381.959961,2711210000 +2006-11-28,1381.609985,1387.910034,1377.829956,1386.719971,1386.719971,2639750000 +2006-11-29,1386.109985,1401.140015,1386.109985,1399.479980,1399.479980,2790970000 +2006-11-30,1399.469971,1406.300049,1393.829956,1400.630005,1400.630005,4006230000 +2006-12-01,1400.630005,1402.459961,1385.930054,1396.709961,1396.709961,2800980000 +2006-12-04,1396.670044,1411.229980,1396.670044,1409.119995,1409.119995,2766320000 +2006-12-05,1409.099976,1415.270020,1408.780029,1414.760010,1414.760010,2755700000 +2006-12-06,1414.400024,1415.930054,1411.050049,1412.900024,1412.900024,2725280000 +2006-12-07,1412.859985,1418.270020,1406.800049,1407.290039,1407.290039,2743150000 +2006-12-08,1407.270020,1414.089966,1403.670044,1409.839966,1409.839966,2440460000 +2006-12-11,1409.810059,1415.599976,1408.560059,1413.040039,1413.040039,2289900000 +2006-12-12,1413.000000,1413.780029,1404.750000,1411.560059,1411.560059,2738170000 +2006-12-13,1411.319946,1416.640015,1411.050049,1413.209961,1413.209961,2552260000 +2006-12-14,1413.160034,1427.229980,1413.160034,1425.489990,1425.489990,2729700000 +2006-12-15,1425.479980,1431.630005,1425.479980,1427.089966,1427.089966,3229580000 +2006-12-18,1427.079956,1431.810059,1420.650024,1422.479980,1422.479980,2568140000 +2006-12-19,1422.420044,1428.300049,1414.880005,1425.550049,1425.550049,2717060000 +2006-12-20,1425.510010,1429.050049,1423.510010,1423.530029,1423.530029,2387630000 +2006-12-21,1423.199951,1426.400024,1415.900024,1418.300049,1418.300049,2322410000 +2006-12-22,1418.099976,1418.819946,1410.280029,1410.760010,1410.760010,1647590000 +2006-12-26,1410.750000,1417.910034,1410.449951,1416.900024,1416.900024,1310310000 +2006-12-27,1416.630005,1427.719971,1416.630005,1426.839966,1426.839966,1667370000 +2006-12-28,1426.770020,1427.260010,1422.050049,1424.729980,1424.729980,1508570000 +2006-12-29,1424.709961,1427.000000,1416.839966,1418.300049,1418.300049,1678200000 +2007-01-03,1418.030029,1429.420044,1407.859985,1416.599976,1416.599976,3429160000 +2007-01-04,1416.599976,1421.839966,1408.430054,1418.339966,1418.339966,3004460000 +2007-01-05,1418.339966,1418.339966,1405.750000,1409.709961,1409.709961,2919400000 +2007-01-08,1409.260010,1414.979980,1403.969971,1412.839966,1412.839966,2763340000 +2007-01-09,1412.839966,1415.609985,1405.420044,1412.109985,1412.109985,3038380000 +2007-01-10,1408.699951,1415.989990,1405.319946,1414.849976,1414.849976,2764660000 +2007-01-11,1414.839966,1427.119995,1414.839966,1423.819946,1423.819946,2857870000 +2007-01-12,1423.819946,1431.229980,1422.579956,1430.729980,1430.729980,2686480000 +2007-01-16,1430.729980,1433.930054,1428.619995,1431.900024,1431.900024,2599530000 +2007-01-17,1431.770020,1435.270020,1428.569946,1430.619995,1430.619995,2690270000 +2007-01-18,1430.589966,1432.959961,1424.209961,1426.369995,1426.369995,2822430000 +2007-01-19,1426.349976,1431.569946,1425.189941,1430.500000,1430.500000,2777480000 +2007-01-22,1430.469971,1431.390015,1420.400024,1422.949951,1422.949951,2540120000 +2007-01-23,1422.949951,1431.329956,1421.660034,1427.989990,1427.989990,2975070000 +2007-01-24,1427.959961,1440.140015,1427.959961,1440.130005,1440.130005,2783180000 +2007-01-25,1440.119995,1440.689941,1422.339966,1423.900024,1423.900024,2994330000 +2007-01-26,1423.900024,1427.270020,1416.959961,1422.180054,1422.180054,2626620000 +2007-01-29,1422.030029,1426.939941,1418.459961,1420.619995,1420.619995,2730480000 +2007-01-30,1420.609985,1428.819946,1420.609985,1428.819946,1428.819946,2706250000 +2007-01-31,1428.650024,1441.609985,1424.780029,1438.239990,1438.239990,2976690000 +2007-02-01,1437.900024,1446.640015,1437.900024,1445.939941,1445.939941,2914890000 +2007-02-02,1445.939941,1449.329956,1444.489990,1448.390015,1448.390015,2569450000 +2007-02-05,1448.329956,1449.380005,1443.849976,1446.989990,1446.989990,2439430000 +2007-02-06,1446.979980,1450.189941,1443.400024,1448.000000,1448.000000,2608710000 +2007-02-07,1447.410034,1452.989990,1446.439941,1450.020020,1450.020020,2618820000 +2007-02-08,1449.989990,1450.449951,1442.810059,1448.310059,1448.310059,2816180000 +2007-02-09,1448.250000,1452.449951,1433.439941,1438.060059,1438.060059,2951810000 +2007-02-12,1438.000000,1439.109985,1431.439941,1433.369995,1433.369995,2395680000 +2007-02-13,1433.219971,1444.410034,1433.219971,1444.260010,1444.260010,2652150000 +2007-02-14,1443.910034,1457.650024,1443.910034,1455.300049,1455.300049,2699290000 +2007-02-15,1455.150024,1457.969971,1453.189941,1456.810059,1456.810059,2490920000 +2007-02-16,1456.770020,1456.770020,1451.569946,1455.540039,1455.540039,2399450000 +2007-02-20,1455.530029,1460.530029,1449.199951,1459.680054,1459.680054,2337860000 +2007-02-21,1459.599976,1459.599976,1452.020020,1457.630005,1457.630005,2606980000 +2007-02-22,1457.290039,1461.569946,1450.510010,1456.380005,1456.380005,1950770000 +2007-02-23,1456.219971,1456.219971,1448.359985,1451.189941,1451.189941,2579950000 +2007-02-26,1451.040039,1456.949951,1445.479980,1449.369995,1449.369995,2822170000 +2007-02-27,1449.250000,1449.250000,1389.420044,1399.040039,1399.040039,4065230000 +2007-02-28,1398.640015,1415.890015,1396.650024,1406.819946,1406.819946,3925250000 +2007-03-01,1406.800049,1409.459961,1380.869995,1403.170044,1403.170044,3874910000 +2007-03-02,1403.160034,1403.400024,1386.869995,1387.170044,1387.170044,3312260000 +2007-03-05,1387.109985,1391.859985,1373.969971,1374.119995,1374.119995,3480520000 +2007-03-06,1374.060059,1397.900024,1374.060059,1395.410034,1395.410034,3358160000 +2007-03-07,1395.020020,1401.160034,1390.640015,1391.969971,1391.969971,3141350000 +2007-03-08,1391.880005,1407.930054,1391.880005,1401.890015,1401.890015,3014850000 +2007-03-09,1401.890015,1410.150024,1397.300049,1402.839966,1402.839966,2623050000 +2007-03-12,1402.800049,1409.339966,1398.400024,1406.599976,1406.599976,2664000000 +2007-03-13,1406.229980,1406.229980,1377.709961,1377.949951,1377.949951,3485570000 +2007-03-14,1377.859985,1388.089966,1363.979980,1387.170044,1387.170044,3758350000 +2007-03-15,1387.109985,1395.729980,1385.160034,1392.280029,1392.280029,2821900000 +2007-03-16,1392.280029,1397.510010,1383.630005,1386.949951,1386.949951,3393640000 +2007-03-19,1386.949951,1403.199951,1386.949951,1402.060059,1402.060059,2777180000 +2007-03-20,1402.040039,1411.530029,1400.699951,1410.939941,1410.939941,2795940000 +2007-03-21,1410.920044,1437.770020,1409.750000,1435.040039,1435.040039,3184770000 +2007-03-22,1435.040039,1437.660034,1429.880005,1434.540039,1434.540039,3129970000 +2007-03-23,1434.540039,1438.890015,1433.209961,1436.109985,1436.109985,2619020000 +2007-03-26,1436.109985,1437.650024,1423.280029,1437.500000,1437.500000,2754660000 +2007-03-27,1437.489990,1437.489990,1425.540039,1428.609985,1428.609985,2673040000 +2007-03-28,1428.349976,1428.349976,1414.069946,1417.229980,1417.229980,3000440000 +2007-03-29,1417.170044,1426.239990,1413.270020,1422.530029,1422.530029,2854710000 +2007-03-30,1422.520020,1429.219971,1408.900024,1420.859985,1420.859985,2903960000 +2007-04-02,1420.829956,1425.489990,1416.369995,1424.550049,1424.550049,2875880000 +2007-04-03,1424.270020,1440.569946,1424.270020,1437.770020,1437.770020,2921760000 +2007-04-04,1437.750000,1440.160034,1435.079956,1439.369995,1439.369995,2616320000 +2007-04-05,1438.939941,1444.880005,1436.670044,1443.760010,1443.760010,2357230000 +2007-04-09,1443.770020,1448.099976,1443.280029,1444.609985,1444.609985,2349410000 +2007-04-10,1444.579956,1448.729980,1443.989990,1448.390015,1448.390015,2510110000 +2007-04-11,1448.229980,1448.390015,1436.150024,1438.869995,1438.869995,2950190000 +2007-04-12,1438.869995,1448.020020,1433.910034,1447.800049,1447.800049,2770570000 +2007-04-13,1447.800049,1453.109985,1444.150024,1452.849976,1452.849976,2690020000 +2007-04-16,1452.839966,1468.619995,1452.839966,1468.329956,1468.329956,2870140000 +2007-04-17,1468.469971,1474.349976,1467.150024,1471.479980,1471.479980,2920570000 +2007-04-18,1471.469971,1476.569946,1466.410034,1472.500000,1472.500000,2971330000 +2007-04-19,1472.479980,1474.229980,1464.469971,1470.729980,1470.729980,2913610000 +2007-04-20,1470.689941,1484.739990,1470.689941,1484.349976,1484.349976,3329940000 +2007-04-23,1484.329956,1487.319946,1480.189941,1480.930054,1480.930054,2575020000 +2007-04-24,1480.930054,1483.819946,1473.739990,1480.410034,1480.410034,3119750000 +2007-04-25,1480.280029,1496.589966,1480.280029,1495.420044,1495.420044,3252590000 +2007-04-26,1495.270020,1498.020020,1491.170044,1494.250000,1494.250000,3211800000 +2007-04-27,1494.209961,1497.319946,1488.670044,1494.069946,1494.069946,2732810000 +2007-04-30,1494.069946,1497.160034,1482.290039,1482.369995,1482.369995,3093420000 +2007-05-01,1482.369995,1487.270020,1476.699951,1486.300049,1486.300049,3400350000 +2007-05-02,1486.130005,1499.099976,1486.130005,1495.920044,1495.920044,3189800000 +2007-05-03,1495.560059,1503.339966,1495.560059,1502.390015,1502.390015,3007970000 +2007-05-04,1502.349976,1510.339966,1501.800049,1505.619995,1505.619995,2761930000 +2007-05-07,1505.569946,1511.000000,1505.540039,1509.479980,1509.479980,2545090000 +2007-05-08,1509.359985,1509.359985,1500.660034,1507.719971,1507.719971,2795720000 +2007-05-09,1507.319946,1513.800049,1503.770020,1512.579956,1512.579956,2935550000 +2007-05-10,1512.329956,1512.329956,1491.420044,1491.469971,1491.469971,3031240000 +2007-05-11,1491.469971,1506.239990,1491.469971,1505.849976,1505.849976,2720780000 +2007-05-14,1505.760010,1510.900024,1498.339966,1503.150024,1503.150024,2776130000 +2007-05-15,1503.109985,1514.829956,1500.430054,1501.189941,1501.189941,3071020000 +2007-05-16,1500.750000,1514.150024,1500.750000,1514.140015,1514.140015,2915350000 +2007-05-17,1514.010010,1517.140015,1509.290039,1512.750000,1512.750000,2868640000 +2007-05-18,1512.739990,1522.750000,1512.739990,1522.750000,1522.750000,2959050000 +2007-05-21,1522.750000,1529.869995,1522.709961,1525.099976,1525.099976,3465360000 +2007-05-22,1525.099976,1529.239990,1522.050049,1524.119995,1524.119995,2860500000 +2007-05-23,1524.089966,1532.430054,1521.900024,1522.280029,1522.280029,3084260000 +2007-05-24,1522.099976,1529.310059,1505.180054,1507.510010,1507.510010,3365530000 +2007-05-25,1507.500000,1517.410034,1507.500000,1515.729980,1515.729980,2316250000 +2007-05-29,1515.550049,1521.800049,1512.020020,1518.109985,1518.109985,2571790000 +2007-05-30,1517.599976,1530.229980,1510.060059,1530.229980,1530.229980,2980210000 +2007-05-31,1530.189941,1535.560059,1528.260010,1530.619995,1530.619995,3335530000 +2007-06-01,1530.619995,1540.560059,1530.619995,1536.339966,1536.339966,2927020000 +2007-06-04,1536.280029,1540.530029,1532.310059,1539.180054,1539.180054,2738930000 +2007-06-05,1539.119995,1539.119995,1525.619995,1530.949951,1530.949951,2939450000 +2007-06-06,1530.569946,1530.569946,1514.130005,1517.380005,1517.380005,2964190000 +2007-06-07,1517.359985,1517.359985,1490.369995,1490.719971,1490.719971,3538470000 +2007-06-08,1490.709961,1507.760010,1487.410034,1507.670044,1507.670044,2993460000 +2007-06-11,1507.640015,1515.530029,1503.349976,1509.119995,1509.119995,2525280000 +2007-06-12,1509.119995,1511.329956,1492.969971,1493.000000,1493.000000,3056200000 +2007-06-13,1492.650024,1515.699951,1492.650024,1515.670044,1515.670044,3077930000 +2007-06-14,1515.579956,1526.449951,1515.579956,1522.969971,1522.969971,2813630000 +2007-06-15,1522.969971,1538.709961,1522.969971,1532.910034,1532.910034,3406030000 +2007-06-18,1532.900024,1535.439941,1529.310059,1531.050049,1531.050049,2480240000 +2007-06-19,1531.020020,1535.849976,1525.670044,1533.699951,1533.699951,2873590000 +2007-06-20,1533.680054,1537.319946,1512.359985,1512.839966,1512.839966,3286900000 +2007-06-21,1512.500000,1522.900024,1504.750000,1522.189941,1522.189941,3161110000 +2007-06-22,1522.189941,1522.189941,1500.739990,1502.560059,1502.560059,4284320000 +2007-06-25,1502.560059,1514.290039,1492.680054,1497.739990,1497.739990,3287250000 +2007-06-26,1497.680054,1506.119995,1490.540039,1492.890015,1492.890015,3398530000 +2007-06-27,1492.619995,1506.800049,1484.180054,1506.339966,1506.339966,3398150000 +2007-06-28,1506.319946,1514.839966,1503.410034,1505.709961,1505.709961,3006710000 +2007-06-29,1505.699951,1517.530029,1493.609985,1503.349976,1503.349976,3165410000 +2007-07-02,1504.660034,1519.449951,1504.660034,1519.430054,1519.430054,2648990000 +2007-07-03,1519.119995,1526.010010,1519.119995,1524.869995,1524.869995,1560790000 +2007-07-05,1524.859985,1526.569946,1517.719971,1525.400024,1525.400024,2622950000 +2007-07-06,1524.959961,1532.400024,1520.469971,1530.439941,1530.439941,2441520000 +2007-07-09,1530.430054,1534.260010,1527.449951,1531.849976,1531.849976,2715330000 +2007-07-10,1531.849976,1531.849976,1510.010010,1510.119995,1510.119995,3244280000 +2007-07-11,1509.930054,1519.339966,1506.099976,1518.760010,1518.760010,3082920000 +2007-07-12,1518.739990,1547.920044,1518.739990,1547.699951,1547.699951,3489600000 +2007-07-13,1547.680054,1555.099976,1544.849976,1552.500000,1552.500000,2801120000 +2007-07-16,1552.500000,1555.900024,1546.689941,1549.520020,1549.520020,2704110000 +2007-07-17,1549.520020,1555.319946,1547.739990,1549.369995,1549.369995,3007140000 +2007-07-18,1549.199951,1549.199951,1533.670044,1546.170044,1546.170044,3609220000 +2007-07-19,1546.130005,1555.199951,1546.130005,1553.079956,1553.079956,3251450000 +2007-07-20,1553.189941,1553.189941,1529.199951,1534.099976,1534.099976,3745780000 +2007-07-23,1534.060059,1547.229980,1534.060059,1541.569946,1541.569946,3102700000 +2007-07-24,1541.569946,1541.569946,1508.619995,1511.040039,1511.040039,4115830000 +2007-07-25,1511.030029,1524.310059,1503.729980,1518.089966,1518.089966,4283200000 +2007-07-26,1518.089966,1518.089966,1465.300049,1482.660034,1482.660034,4472550000 +2007-07-27,1482.439941,1488.530029,1458.949951,1458.949951,1458.949951,4784650000 +2007-07-30,1458.930054,1477.880005,1454.319946,1473.910034,1473.910034,4128780000 +2007-07-31,1473.900024,1488.300049,1454.250000,1455.270020,1455.270020,4524520000 +2007-08-01,1455.180054,1468.380005,1439.589966,1465.810059,1465.810059,5256780000 +2007-08-02,1465.459961,1476.430054,1460.579956,1472.199951,1472.199951,4368850000 +2007-08-03,1472.180054,1473.229980,1432.800049,1433.060059,1433.060059,4272110000 +2007-08-06,1433.040039,1467.670044,1427.390015,1467.670044,1467.670044,5067200000 +2007-08-07,1467.619995,1488.300049,1455.800049,1476.709961,1476.709961,4909390000 +2007-08-08,1476.219971,1503.890015,1476.219971,1497.489990,1497.489990,5499560000 +2007-08-09,1497.209961,1497.209961,1453.089966,1453.089966,1453.089966,5889600000 +2007-08-10,1453.089966,1462.020020,1429.739990,1453.640015,1453.640015,5345780000 +2007-08-13,1453.420044,1466.290039,1451.540039,1452.920044,1452.920044,3696280000 +2007-08-14,1452.869995,1456.739990,1426.199951,1426.540039,1426.540039,3814630000 +2007-08-15,1426.150024,1440.780029,1404.359985,1406.699951,1406.699951,4290930000 +2007-08-16,1406.640015,1415.969971,1370.599976,1411.270020,1411.270020,6509300000 +2007-08-17,1411.260010,1450.329956,1411.260010,1445.939941,1445.939941,3570040000 +2007-08-20,1445.939941,1451.750000,1430.540039,1445.550049,1445.550049,3321340000 +2007-08-21,1445.550049,1455.319946,1439.760010,1447.119995,1447.119995,3012150000 +2007-08-22,1447.030029,1464.859985,1447.030029,1464.069946,1464.069946,3309120000 +2007-08-23,1464.050049,1472.060059,1453.880005,1462.500000,1462.500000,3084390000 +2007-08-24,1462.339966,1479.400024,1460.540039,1479.369995,1479.369995,2541400000 +2007-08-27,1479.359985,1479.359985,1465.979980,1466.790039,1466.790039,2406180000 +2007-08-28,1466.719971,1466.719971,1432.010010,1432.359985,1432.359985,3078090000 +2007-08-29,1432.010010,1463.760010,1432.010010,1463.760010,1463.760010,2824070000 +2007-08-30,1463.670044,1468.430054,1451.250000,1457.640015,1457.640015,2582960000 +2007-08-31,1457.609985,1481.469971,1457.609985,1473.989990,1473.989990,2731610000 +2007-09-04,1473.959961,1496.400024,1472.150024,1489.420044,1489.420044,2766600000 +2007-09-05,1488.760010,1488.760010,1466.339966,1472.290039,1472.290039,2991600000 +2007-09-06,1472.030029,1481.489990,1467.410034,1478.550049,1478.550049,2459590000 +2007-09-07,1478.550049,1478.550049,1449.069946,1453.550049,1453.550049,3191080000 +2007-09-10,1453.500000,1462.250000,1439.290039,1451.699951,1451.699951,2835720000 +2007-09-11,1451.689941,1472.479980,1451.689941,1471.489990,1471.489990,3015330000 +2007-09-12,1471.099976,1479.500000,1465.750000,1471.560059,1471.560059,2885720000 +2007-09-13,1471.469971,1489.579956,1471.469971,1483.949951,1483.949951,2877080000 +2007-09-14,1483.949951,1485.989990,1473.180054,1484.250000,1484.250000,2641740000 +2007-09-17,1484.239990,1484.239990,1471.819946,1476.650024,1476.650024,2598390000 +2007-09-18,1476.630005,1519.890015,1476.630005,1519.780029,1519.780029,3708940000 +2007-09-19,1519.750000,1538.739990,1519.750000,1529.030029,1529.030029,3846750000 +2007-09-20,1528.689941,1529.140015,1516.420044,1518.750000,1518.750000,2957700000 +2007-09-21,1518.750000,1530.890015,1518.750000,1525.750000,1525.750000,3679460000 +2007-09-24,1525.750000,1530.180054,1516.150024,1517.729980,1517.729980,3131310000 +2007-09-25,1516.339966,1518.270020,1507.130005,1517.209961,1517.209961,3187770000 +2007-09-26,1518.619995,1529.390015,1518.619995,1525.420044,1525.420044,3237390000 +2007-09-27,1527.319946,1532.459961,1525.810059,1531.380005,1531.380005,2872180000 +2007-09-28,1531.239990,1533.739990,1521.989990,1526.750000,1526.750000,2925350000 +2007-10-01,1527.290039,1549.020020,1527.250000,1547.040039,1547.040039,3281990000 +2007-10-02,1546.959961,1548.010010,1540.369995,1546.630005,1546.630005,3101910000 +2007-10-03,1545.800049,1545.839966,1536.339966,1539.589966,1539.589966,3065320000 +2007-10-04,1539.910034,1544.020020,1537.630005,1542.839966,1542.839966,2690430000 +2007-10-05,1543.839966,1561.910034,1543.839966,1557.589966,1557.589966,2919030000 +2007-10-08,1556.510010,1556.510010,1549.000000,1552.579956,1552.579956,2040650000 +2007-10-09,1553.180054,1565.260010,1551.819946,1565.150024,1565.150024,2932040000 +2007-10-10,1564.979980,1565.420044,1555.459961,1562.469971,1562.469971,3044760000 +2007-10-11,1564.719971,1576.089966,1546.719971,1554.410034,1554.410034,3911260000 +2007-10-12,1555.410034,1563.030029,1554.089966,1561.800049,1561.800049,2788690000 +2007-10-15,1562.250000,1564.739990,1540.810059,1548.709961,1548.709961,3139290000 +2007-10-16,1547.810059,1547.810059,1536.290039,1538.530029,1538.530029,3234560000 +2007-10-17,1544.439941,1550.660034,1526.010010,1541.239990,1541.239990,3638070000 +2007-10-18,1539.290039,1542.790039,1531.760010,1540.079956,1540.079956,3203210000 +2007-10-19,1540.000000,1540.000000,1500.260010,1500.630005,1500.630005,4160970000 +2007-10-22,1497.790039,1508.060059,1490.400024,1506.329956,1506.329956,3471830000 +2007-10-23,1509.300049,1520.010010,1503.609985,1519.589966,1519.589966,3309120000 +2007-10-24,1516.609985,1517.229980,1489.560059,1515.880005,1515.880005,4003300000 +2007-10-25,1516.150024,1523.239990,1500.459961,1514.400024,1514.400024,4183960000 +2007-10-26,1522.170044,1535.530029,1520.180054,1535.280029,1535.280029,3612120000 +2007-10-29,1536.920044,1544.670044,1536.430054,1540.979980,1540.979980,3124480000 +2007-10-30,1539.420044,1539.420044,1529.550049,1531.020020,1531.020020,3212520000 +2007-10-31,1532.150024,1552.760010,1529.400024,1549.380005,1549.380005,3953070000 +2007-11-01,1545.790039,1545.790039,1506.660034,1508.439941,1508.439941,4241470000 +2007-11-02,1511.069946,1513.150024,1492.530029,1509.650024,1509.650024,4285990000 +2007-11-05,1505.609985,1510.839966,1489.949951,1502.170044,1502.170044,3819330000 +2007-11-06,1505.329956,1520.770020,1499.069946,1520.270020,1520.270020,3879160000 +2007-11-07,1515.459961,1515.459961,1475.040039,1475.619995,1475.619995,4353160000 +2007-11-08,1475.270020,1482.500000,1450.310059,1474.770020,1474.770020,5439720000 +2007-11-09,1467.589966,1474.089966,1448.510010,1453.699951,1453.699951,4587050000 +2007-11-12,1453.660034,1464.939941,1438.530029,1439.180054,1439.180054,4192520000 +2007-11-13,1441.349976,1481.369995,1441.349976,1481.050049,1481.050049,4141310000 +2007-11-14,1483.400024,1492.140015,1466.469971,1470.579956,1470.579956,4031470000 +2007-11-15,1468.040039,1472.670044,1443.489990,1451.150024,1451.150024,3941010000 +2007-11-16,1453.089966,1462.180054,1443.989990,1458.739990,1458.739990,4168870000 +2007-11-19,1456.699951,1456.699951,1430.420044,1433.270020,1433.270020,4119650000 +2007-11-20,1434.510010,1452.640015,1419.280029,1439.699951,1439.699951,4875150000 +2007-11-21,1434.709961,1436.400024,1415.640015,1416.770020,1416.770020,4076230000 +2007-11-23,1417.619995,1440.859985,1417.619995,1440.699951,1440.699951,1612720000 +2007-11-26,1440.739990,1446.089966,1406.099976,1407.219971,1407.219971,3706470000 +2007-11-27,1409.589966,1429.489990,1407.430054,1428.229980,1428.229980,4320720000 +2007-11-28,1432.949951,1471.619995,1432.949951,1469.020020,1469.020020,4508020000 +2007-11-29,1467.410034,1473.810059,1458.359985,1469.719971,1469.719971,3524730000 +2007-11-30,1471.829956,1488.939941,1470.890015,1481.140015,1481.140015,4422200000 +2007-12-03,1479.630005,1481.160034,1470.079956,1472.420044,1472.420044,3323250000 +2007-12-04,1471.339966,1471.339966,1460.660034,1462.790039,1462.790039,3343620000 +2007-12-05,1465.219971,1486.089966,1465.219971,1485.010010,1485.010010,3663660000 +2007-12-06,1484.589966,1508.020020,1482.189941,1507.339966,1507.339966,3568570000 +2007-12-07,1508.599976,1510.630005,1502.660034,1504.660034,1504.660034,3177710000 +2007-12-10,1505.109985,1518.270020,1504.959961,1515.959961,1515.959961,2911760000 +2007-12-11,1516.680054,1523.569946,1475.989990,1477.650024,1477.650024,4080180000 +2007-12-12,1487.579956,1511.959961,1468.229980,1486.589966,1486.589966,4482120000 +2007-12-13,1483.270020,1489.400024,1469.209961,1488.410034,1488.410034,3635170000 +2007-12-14,1486.189941,1486.670044,1467.780029,1467.949951,1467.949951,3401050000 +2007-12-17,1465.050049,1465.050049,1445.430054,1445.900024,1445.900024,3569030000 +2007-12-18,1445.920044,1460.160034,1435.650024,1454.979980,1454.979980,3723690000 +2007-12-19,1454.699951,1464.420044,1445.310059,1453.000000,1453.000000,3401300000 +2007-12-20,1456.420044,1461.530029,1447.219971,1460.119995,1460.119995,3526890000 +2007-12-21,1463.189941,1485.400024,1463.189941,1484.459961,1484.459961,4508590000 +2007-12-24,1484.550049,1497.630005,1484.550049,1496.449951,1496.449951,1267420000 +2007-12-26,1495.119995,1498.849976,1488.199951,1497.660034,1497.660034,2010500000 +2007-12-27,1495.050049,1495.050049,1475.859985,1476.270020,1476.270020,2365770000 +2007-12-28,1479.829956,1488.010010,1471.699951,1478.489990,1478.489990,2420510000 +2007-12-31,1475.250000,1475.829956,1465.130005,1468.359985,1468.359985,2440880000 +2008-01-02,1467.969971,1471.770020,1442.069946,1447.160034,1447.160034,3452650000 +2008-01-03,1447.550049,1456.800049,1443.729980,1447.160034,1447.160034,3429500000 +2008-01-04,1444.010010,1444.010010,1411.189941,1411.630005,1411.630005,4166000000 +2008-01-07,1414.069946,1423.869995,1403.449951,1416.180054,1416.180054,4221260000 +2008-01-08,1415.709961,1430.280029,1388.300049,1390.189941,1390.189941,4705390000 +2008-01-09,1390.250000,1409.189941,1378.699951,1409.130005,1409.130005,5351030000 +2008-01-10,1406.780029,1429.089966,1395.310059,1420.329956,1420.329956,5170490000 +2008-01-11,1419.910034,1419.910034,1394.829956,1401.020020,1401.020020,4495840000 +2008-01-14,1402.910034,1417.890015,1402.910034,1416.250000,1416.250000,3682090000 +2008-01-15,1411.880005,1411.880005,1380.599976,1380.949951,1380.949951,4601640000 +2008-01-16,1377.410034,1391.989990,1364.270020,1373.199951,1373.199951,5440620000 +2008-01-17,1374.790039,1377.719971,1330.670044,1333.250000,1333.250000,5303130000 +2008-01-18,1333.900024,1350.280029,1312.510010,1325.189941,1325.189941,6004840000 +2008-01-22,1312.939941,1322.089966,1274.290039,1310.500000,1310.500000,6544690000 +2008-01-23,1310.410034,1339.089966,1270.050049,1338.599976,1338.599976,3241680000 +2008-01-24,1340.130005,1355.150024,1334.310059,1352.069946,1352.069946,5735300000 +2008-01-25,1357.319946,1368.560059,1327.500000,1330.609985,1330.609985,4882250000 +2008-01-28,1330.699951,1353.969971,1322.260010,1353.959961,1353.959961,4100930000 +2008-01-29,1355.939941,1364.930054,1350.189941,1362.300049,1362.300049,4232960000 +2008-01-30,1362.219971,1385.859985,1352.949951,1355.810059,1355.810059,4742760000 +2008-01-31,1351.979980,1385.619995,1334.079956,1378.550049,1378.550049,4970290000 +2008-02-01,1378.599976,1396.020020,1375.930054,1395.420044,1395.420044,4650770000 +2008-02-04,1395.380005,1395.380005,1379.689941,1380.819946,1380.819946,3495780000 +2008-02-05,1380.280029,1380.280029,1336.640015,1336.640015,1336.640015,4315740000 +2008-02-06,1339.479980,1351.959961,1324.339966,1326.449951,1326.449951,4008120000 +2008-02-07,1324.010010,1347.160034,1316.750000,1336.910034,1336.910034,4589160000 +2008-02-08,1336.880005,1341.219971,1321.060059,1331.290039,1331.290039,3768490000 +2008-02-11,1331.920044,1341.400024,1320.319946,1339.130005,1339.130005,3593140000 +2008-02-12,1340.550049,1362.099976,1339.359985,1348.859985,1348.859985,4044640000 +2008-02-13,1353.119995,1369.229980,1350.780029,1367.209961,1367.209961,3856420000 +2008-02-14,1367.329956,1368.160034,1347.310059,1348.859985,1348.859985,3644760000 +2008-02-15,1347.520020,1350.000000,1338.130005,1349.989990,1349.989990,3583300000 +2008-02-19,1355.859985,1367.280029,1345.050049,1348.780029,1348.780029,3613550000 +2008-02-20,1348.390015,1363.709961,1336.550049,1360.030029,1360.030029,3870520000 +2008-02-21,1362.209961,1367.939941,1339.339966,1342.530029,1342.530029,3696660000 +2008-02-22,1344.219971,1354.300049,1327.040039,1353.109985,1353.109985,3572660000 +2008-02-25,1352.750000,1374.359985,1346.030029,1371.800049,1371.800049,3866350000 +2008-02-26,1371.760010,1387.339966,1363.290039,1381.290039,1381.290039,4096060000 +2008-02-27,1378.949951,1388.339966,1372.000000,1380.020020,1380.020020,3904700000 +2008-02-28,1378.160034,1378.160034,1363.160034,1367.680054,1367.680054,3938580000 +2008-02-29,1364.069946,1364.069946,1325.420044,1330.630005,1330.630005,4426730000 +2008-03-03,1330.449951,1335.130005,1320.040039,1331.339966,1331.339966,4117570000 +2008-03-04,1329.579956,1331.030029,1307.390015,1326.750000,1326.750000,4757180000 +2008-03-05,1327.689941,1344.189941,1320.219971,1333.699951,1333.699951,4277710000 +2008-03-06,1332.199951,1332.199951,1303.420044,1304.339966,1304.339966,4323460000 +2008-03-07,1301.530029,1313.239990,1282.430054,1293.369995,1293.369995,4565410000 +2008-03-10,1293.160034,1295.010010,1272.660034,1273.369995,1273.369995,4261240000 +2008-03-11,1274.400024,1320.650024,1274.400024,1320.650024,1320.650024,5109080000 +2008-03-12,1321.130005,1333.260010,1307.859985,1308.770020,1308.770020,4414280000 +2008-03-13,1305.260010,1321.680054,1282.109985,1315.479980,1315.479980,5073360000 +2008-03-14,1316.050049,1321.469971,1274.859985,1288.140015,1288.140015,5153780000 +2008-03-17,1283.209961,1287.500000,1256.979980,1276.599976,1276.599976,5683010000 +2008-03-18,1277.160034,1330.739990,1277.160034,1330.739990,1330.739990,5335630000 +2008-03-19,1330.969971,1341.510010,1298.420044,1298.420044,1298.420044,5358550000 +2008-03-20,1299.670044,1330.670044,1295.219971,1329.510010,1329.510010,6145220000 +2008-03-24,1330.290039,1359.680054,1330.290039,1349.880005,1349.880005,4499000000 +2008-03-25,1349.069946,1357.469971,1341.209961,1352.989990,1352.989990,4145120000 +2008-03-26,1352.449951,1352.449951,1336.410034,1341.130005,1341.130005,4055670000 +2008-03-27,1340.339966,1345.619995,1325.660034,1325.760010,1325.760010,4037930000 +2008-03-28,1327.020020,1334.869995,1312.949951,1315.219971,1315.219971,3686980000 +2008-03-31,1315.920044,1328.520020,1312.810059,1322.699951,1322.699951,4188990000 +2008-04-01,1326.410034,1370.180054,1326.410034,1370.180054,1370.180054,4745120000 +2008-04-02,1369.959961,1377.949951,1361.550049,1367.530029,1367.530029,4320440000 +2008-04-03,1365.689941,1375.660034,1358.680054,1369.310059,1369.310059,3920100000 +2008-04-04,1369.849976,1380.910034,1362.829956,1370.400024,1370.400024,3703100000 +2008-04-07,1373.689941,1386.739990,1369.020020,1372.540039,1372.540039,3747780000 +2008-04-08,1370.160034,1370.160034,1360.619995,1365.540039,1365.540039,3602500000 +2008-04-09,1365.500000,1368.390015,1349.969971,1354.489990,1354.489990,3556670000 +2008-04-10,1355.369995,1367.239990,1350.109985,1360.550049,1360.550049,3686150000 +2008-04-11,1357.979980,1357.979980,1331.209961,1332.829956,1332.829956,3723790000 +2008-04-14,1332.199951,1335.640015,1326.160034,1328.319946,1328.319946,3565020000 +2008-04-15,1331.719971,1337.719971,1324.349976,1334.430054,1334.430054,3581230000 +2008-04-16,1337.020020,1365.489990,1337.020020,1364.709961,1364.709961,4260370000 +2008-04-17,1363.369995,1368.599976,1357.250000,1365.560059,1365.560059,3713880000 +2008-04-18,1369.000000,1395.900024,1369.000000,1390.329956,1390.329956,4222380000 +2008-04-21,1387.719971,1390.229980,1379.250000,1388.170044,1388.170044,3420570000 +2008-04-22,1386.430054,1386.430054,1369.839966,1375.939941,1375.939941,3821900000 +2008-04-23,1378.400024,1387.869995,1372.239990,1379.930054,1379.930054,4103610000 +2008-04-24,1380.520020,1397.719971,1371.089966,1388.819946,1388.819946,4461660000 +2008-04-25,1387.880005,1399.109985,1379.979980,1397.839966,1397.839966,3891150000 +2008-04-28,1397.959961,1402.900024,1394.400024,1396.369995,1396.369995,3607000000 +2008-04-29,1395.609985,1397.000000,1386.699951,1390.939941,1390.939941,3815320000 +2008-04-30,1391.219971,1404.569946,1384.250000,1385.589966,1385.589966,4508890000 +2008-05-01,1385.969971,1410.069946,1383.069946,1409.339966,1409.339966,4448780000 +2008-05-02,1409.160034,1422.719971,1406.250000,1413.900024,1413.900024,3953030000 +2008-05-05,1415.339966,1415.339966,1404.369995,1407.489990,1407.489990,3410090000 +2008-05-06,1405.599976,1421.569946,1397.099976,1418.260010,1418.260010,3924100000 +2008-05-07,1417.489990,1419.540039,1391.160034,1392.569946,1392.569946,4075860000 +2008-05-08,1394.290039,1402.349976,1389.390015,1397.680054,1397.680054,3827550000 +2008-05-09,1394.900024,1394.900024,1384.109985,1388.280029,1388.280029,3518620000 +2008-05-12,1389.400024,1404.060059,1386.199951,1403.579956,1403.579956,3370630000 +2008-05-13,1404.400024,1406.300049,1396.260010,1403.040039,1403.040039,4018590000 +2008-05-14,1405.650024,1420.189941,1405.650024,1408.660034,1408.660034,3979370000 +2008-05-15,1408.359985,1424.400024,1406.869995,1423.569946,1423.569946,3836480000 +2008-05-16,1423.890015,1425.819946,1414.349976,1425.349976,1425.349976,3842590000 +2008-05-19,1425.280029,1440.239990,1421.630005,1426.630005,1426.630005,3683970000 +2008-05-20,1424.489990,1424.489990,1409.089966,1413.400024,1413.400024,3854320000 +2008-05-21,1414.060059,1419.119995,1388.810059,1390.709961,1390.709961,4517990000 +2008-05-22,1390.829956,1399.069946,1390.229980,1394.349976,1394.349976,3955960000 +2008-05-23,1392.199951,1392.199951,1373.719971,1375.930054,1375.930054,3516380000 +2008-05-27,1375.969971,1387.400024,1373.069946,1385.349976,1385.349976,3588860000 +2008-05-28,1386.540039,1391.250000,1378.160034,1390.839966,1390.839966,3927240000 +2008-05-29,1390.500000,1406.319946,1388.589966,1398.260010,1398.260010,3894440000 +2008-05-30,1398.359985,1404.459961,1398.079956,1400.380005,1400.380005,3845630000 +2008-06-02,1399.619995,1399.619995,1377.790039,1385.670044,1385.670044,3714320000 +2008-06-03,1386.420044,1393.119995,1370.119995,1377.650024,1377.650024,4396380000 +2008-06-04,1376.260010,1388.180054,1371.739990,1377.199951,1377.199951,4338640000 +2008-06-05,1377.479980,1404.050049,1377.479980,1404.050049,1404.050049,4350790000 +2008-06-06,1400.060059,1400.060059,1359.900024,1360.680054,1360.680054,4771660000 +2008-06-09,1360.829956,1370.630005,1350.619995,1361.760010,1361.760010,4404570000 +2008-06-10,1358.979980,1366.839966,1351.560059,1358.439941,1358.439941,4635070000 +2008-06-11,1357.089966,1357.089966,1335.469971,1335.489990,1335.489990,4779980000 +2008-06-12,1335.780029,1353.030029,1331.290039,1339.869995,1339.869995,4734240000 +2008-06-13,1341.810059,1360.030029,1341.709961,1360.030029,1360.030029,4080420000 +2008-06-16,1358.849976,1364.699951,1352.069946,1360.140015,1360.140015,3706940000 +2008-06-17,1360.709961,1366.589966,1350.540039,1350.930054,1350.930054,3801960000 +2008-06-18,1349.589966,1349.589966,1333.400024,1337.810059,1337.810059,4573570000 +2008-06-19,1336.890015,1347.660034,1330.500000,1342.829956,1342.829956,4811670000 +2008-06-20,1341.020020,1341.020020,1314.459961,1317.930054,1317.930054,5324900000 +2008-06-23,1319.770020,1323.780029,1315.310059,1318.000000,1318.000000,4186370000 +2008-06-24,1317.229980,1326.020020,1304.420044,1314.290039,1314.290039,4705050000 +2008-06-25,1314.540039,1335.630005,1314.540039,1321.969971,1321.969971,4825640000 +2008-06-26,1316.290039,1316.290039,1283.150024,1283.150024,1283.150024,5231280000 +2008-06-27,1283.599976,1289.449951,1272.000000,1278.380005,1278.380005,6208260000 +2008-06-30,1278.060059,1290.310059,1274.859985,1280.000000,1280.000000,5032330000 +2008-07-01,1276.689941,1285.310059,1260.680054,1284.910034,1284.910034,5846290000 +2008-07-02,1285.819946,1292.170044,1261.510010,1261.520020,1261.520020,5276090000 +2008-07-03,1262.959961,1271.479980,1252.010010,1262.900024,1262.900024,3247590000 +2008-07-07,1262.900024,1273.949951,1240.680054,1252.310059,1252.310059,5265420000 +2008-07-08,1251.839966,1274.170044,1242.839966,1273.699951,1273.699951,6034110000 +2008-07-09,1273.380005,1277.359985,1244.569946,1244.689941,1244.689941,5181000000 +2008-07-10,1245.250000,1257.650024,1236.760010,1253.390015,1253.390015,5840430000 +2008-07-11,1248.660034,1257.270020,1225.349976,1239.489990,1239.489990,6742200000 +2008-07-14,1241.609985,1253.500000,1225.010010,1228.300049,1228.300049,5434860000 +2008-07-15,1226.829956,1234.349976,1200.439941,1214.910034,1214.910034,7363640000 +2008-07-16,1214.650024,1245.520020,1211.390015,1245.359985,1245.359985,6738630000 +2008-07-17,1246.310059,1262.310059,1241.489990,1260.319946,1260.319946,7365210000 +2008-07-18,1258.219971,1262.229980,1251.810059,1260.680054,1260.680054,5653280000 +2008-07-21,1261.819946,1267.739990,1255.699951,1260.000000,1260.000000,4630640000 +2008-07-22,1257.079956,1277.420044,1248.829956,1277.000000,1277.000000,6180230000 +2008-07-23,1278.869995,1291.170044,1276.060059,1282.189941,1282.189941,6705830000 +2008-07-24,1283.219971,1283.219971,1251.479980,1252.540039,1252.540039,6127980000 +2008-07-25,1253.510010,1263.229980,1251.750000,1257.760010,1257.760010,4672560000 +2008-07-28,1257.760010,1260.089966,1234.369995,1234.369995,1234.369995,4282960000 +2008-07-29,1236.380005,1263.199951,1236.380005,1263.199951,1263.199951,5414240000 +2008-07-30,1264.520020,1284.329956,1264.520020,1284.260010,1284.260010,5631330000 +2008-07-31,1281.369995,1284.930054,1265.969971,1267.380005,1267.380005,5346050000 +2008-08-01,1269.420044,1270.520020,1254.540039,1260.310059,1260.310059,4684870000 +2008-08-04,1253.270020,1260.489990,1247.449951,1249.010010,1249.010010,4562280000 +2008-08-05,1254.869995,1284.880005,1254.670044,1284.880005,1284.880005,1219310000 +2008-08-06,1283.989990,1291.670044,1276.000000,1289.189941,1289.189941,4873420000 +2008-08-07,1286.510010,1286.510010,1264.290039,1266.069946,1266.069946,5319380000 +2008-08-08,1266.290039,1297.849976,1262.109985,1296.319946,1296.319946,4966810000 +2008-08-11,1294.420044,1313.150024,1291.410034,1305.319946,1305.319946,5067310000 +2008-08-12,1304.790039,1304.790039,1285.640015,1289.589966,1289.589966,4711290000 +2008-08-13,1288.640015,1294.030029,1274.859985,1285.829956,1285.829956,4787600000 +2008-08-14,1282.109985,1300.109985,1276.839966,1292.930054,1292.930054,4064000000 +2008-08-15,1293.849976,1302.050049,1290.739990,1298.199951,1298.199951,4041820000 +2008-08-18,1298.140015,1300.219971,1274.510010,1278.599976,1278.599976,3829290000 +2008-08-19,1276.650024,1276.650024,1263.109985,1266.689941,1266.689941,4159760000 +2008-08-20,1267.339966,1276.010010,1261.160034,1274.540039,1274.540039,4555030000 +2008-08-21,1271.069946,1281.400024,1265.219971,1277.719971,1277.719971,4032590000 +2008-08-22,1277.589966,1293.089966,1277.589966,1292.199951,1292.199951,3741070000 +2008-08-25,1290.469971,1290.469971,1264.869995,1266.839966,1266.839966,3420600000 +2008-08-26,1267.030029,1275.650024,1263.209961,1271.510010,1271.510010,3587570000 +2008-08-27,1271.290039,1285.050049,1270.030029,1281.660034,1281.660034,3499610000 +2008-08-28,1283.790039,1300.680054,1283.790039,1300.680054,1300.680054,3854280000 +2008-08-29,1296.489990,1297.589966,1282.739990,1282.829956,1282.829956,3288120000 +2008-09-02,1287.829956,1303.040039,1272.199951,1277.579956,1277.579956,4783560000 +2008-09-03,1276.609985,1280.599976,1265.589966,1274.979980,1274.979980,5056980000 +2008-09-04,1271.800049,1271.800049,1232.829956,1236.829956,1236.829956,5212500000 +2008-09-05,1233.209961,1244.939941,1217.229980,1242.310059,1242.310059,5017080000 +2008-09-08,1249.500000,1274.420044,1247.119995,1267.790039,1267.790039,7351340000 +2008-09-09,1267.979980,1268.660034,1224.510010,1224.510010,1224.510010,7380630000 +2008-09-10,1227.500000,1243.900024,1221.599976,1232.040039,1232.040039,6543440000 +2008-09-11,1229.040039,1249.979980,1211.540039,1249.050049,1249.050049,6869250000 +2008-09-12,1245.880005,1255.089966,1233.810059,1251.699951,1251.699951,6273260000 +2008-09-15,1250.920044,1250.920044,1192.699951,1192.699951,1192.699951,8279510000 +2008-09-16,1188.310059,1214.839966,1169.280029,1213.599976,1213.599976,9459830000 +2008-09-17,1210.339966,1210.339966,1155.880005,1156.390015,1156.390015,9431870000 +2008-09-18,1157.079956,1211.140015,1133.500000,1206.510010,1206.510010,10082690000 +2008-09-19,1213.109985,1265.119995,1213.109985,1255.079956,1255.079956,9387170000 +2008-09-22,1255.369995,1255.369995,1205.609985,1207.089966,1207.089966,5368130000 +2008-09-23,1207.609985,1221.150024,1187.060059,1188.219971,1188.219971,5185730000 +2008-09-24,1188.790039,1197.410034,1179.790039,1185.869995,1185.869995,4820360000 +2008-09-25,1187.869995,1220.030029,1187.869995,1209.180054,1209.180054,5877640000 +2008-09-26,1204.469971,1215.770020,1187.540039,1213.270020,1213.270020,5383610000 +2008-09-29,1209.069946,1209.069946,1106.420044,1106.420044,1106.420044,7305060000 +2008-09-30,1113.780029,1168.030029,1113.780029,1166.359985,1166.359985,4937680000 +2008-10-01,1164.170044,1167.030029,1140.770020,1161.060059,1161.060059,5782130000 +2008-10-02,1160.640015,1160.640015,1111.430054,1114.280029,1114.280029,6285640000 +2008-10-03,1115.160034,1153.819946,1098.140015,1099.229980,1099.229980,6716120000 +2008-10-06,1097.560059,1097.560059,1007.969971,1056.890015,1056.890015,7956020000 +2008-10-07,1057.599976,1072.910034,996.229980,996.229980,996.229980,7069210000 +2008-10-08,988.909973,1021.059998,970.969971,984.940002,984.940002,8716330000 +2008-10-09,988.419983,1005.250000,909.190002,909.919983,909.919983,6819000000 +2008-10-10,902.309998,936.359985,839.799988,899.219971,899.219971,11456230000 +2008-10-13,912.750000,1006.929993,912.750000,1003.349976,1003.349976,7263370000 +2008-10-14,1009.969971,1044.310059,972.070007,998.010010,998.010010,8161990000 +2008-10-15,994.599976,994.599976,903.989990,907.840027,907.840027,6542330000 +2008-10-16,909.530029,947.710022,865.830017,946.429993,946.429993,7984500000 +2008-10-17,942.289978,984.640015,918.739990,940.549988,940.549988,6581780000 +2008-10-20,943.510010,985.400024,943.510010,985.400024,985.400024,5175640000 +2008-10-21,980.400024,985.440002,952.469971,955.049988,955.049988,5121830000 +2008-10-22,951.669983,951.669983,875.809998,896.780029,896.780029,6147980000 +2008-10-23,899.080017,922.830017,858.440002,908.109985,908.109985,7189900000 +2008-10-24,895.219971,896.299988,852.849976,876.770020,876.770020,6550050000 +2008-10-27,874.280029,893.780029,846.750000,848.919983,848.919983,5558050000 +2008-10-28,848.919983,940.510010,845.270020,940.510010,940.510010,7096950000 +2008-10-29,939.510010,969.969971,922.260010,930.090027,930.090027,7077800000 +2008-10-30,939.380005,963.229980,928.500000,954.090027,954.090027,6175830000 +2008-10-31,953.109985,984.380005,944.590027,968.750000,968.750000,6394350000 +2008-11-03,968.669983,975.570007,958.820007,966.299988,966.299988,4492280000 +2008-11-04,971.309998,1007.510010,971.309998,1005.750000,1005.750000,5531290000 +2008-11-05,1001.840027,1001.840027,949.859985,952.770020,952.770020,5426640000 +2008-11-06,952.400024,952.400024,899.729980,904.880005,904.880005,6102230000 +2008-11-07,907.440002,931.460022,906.900024,930.989990,930.989990,4931640000 +2008-11-10,936.750000,951.950012,907.469971,919.210022,919.210022,4572000000 +2008-11-11,917.150024,917.150024,884.900024,898.950012,898.950012,4998340000 +2008-11-12,893.390015,893.390015,850.479980,852.299988,852.299988,5764180000 +2008-11-13,853.130005,913.010010,818.690002,911.289978,911.289978,7849120000 +2008-11-14,904.359985,916.880005,869.880005,873.289978,873.289978,5881030000 +2008-11-17,873.229980,882.289978,848.979980,850.750000,850.750000,4927490000 +2008-11-18,852.340027,865.900024,826.840027,859.119995,859.119995,6679470000 +2008-11-19,859.030029,864.570007,806.179993,806.580017,806.580017,6548600000 +2008-11-20,805.869995,820.520020,747.780029,752.440002,752.440002,9093740000 +2008-11-21,755.840027,801.200012,741.020020,800.030029,800.030029,9495900000 +2008-11-24,801.200012,865.599976,801.200012,851.809998,851.809998,7879440000 +2008-11-25,853.400024,868.940002,834.989990,857.390015,857.390015,6952700000 +2008-11-26,852.900024,887.679993,841.369995,887.679993,887.679993,5793260000 +2008-11-28,886.890015,896.250000,881.210022,896.239990,896.239990,2740860000 +2008-12-01,888.609985,888.609985,815.690002,816.210022,816.210022,6052010000 +2008-12-02,817.940002,850.539978,817.940002,848.809998,848.809998,6170100000 +2008-12-03,843.599976,873.119995,827.599976,870.739990,870.739990,6221880000 +2008-12-04,869.750000,875.599976,833.599976,845.219971,845.219971,5860390000 +2008-12-05,844.429993,879.419983,818.409973,876.070007,876.070007,6165370000 +2008-12-08,882.710022,918.570007,882.710022,909.700012,909.700012,6553600000 +2008-12-09,906.479980,916.260010,885.380005,888.669983,888.669983,5693110000 +2008-12-10,892.169983,908.270020,885.450012,899.239990,899.239990,5942130000 +2008-12-11,898.349976,904.630005,868.729980,873.590027,873.590027,5513840000 +2008-12-12,871.789978,883.239990,851.349976,879.729980,879.729980,5959590000 +2008-12-15,881.070007,884.630005,857.719971,868.570007,868.570007,4982390000 +2008-12-16,871.530029,914.659973,871.530029,913.179993,913.179993,6009780000 +2008-12-17,908.159973,918.849976,895.940002,904.419983,904.419983,5907380000 +2008-12-18,905.979980,911.020020,877.440002,885.280029,885.280029,5675000000 +2008-12-19,886.960022,905.469971,883.020020,887.880005,887.880005,6705310000 +2008-12-22,887.200012,887.369995,857.090027,871.630005,871.630005,4869850000 +2008-12-23,874.309998,880.440002,860.099976,863.159973,863.159973,4051970000 +2008-12-24,863.869995,869.789978,861.440002,868.150024,868.150024,1546550000 +2008-12-26,869.510010,873.739990,866.520020,872.799988,872.799988,1880050000 +2008-12-29,872.369995,873.700012,857.070007,869.419983,869.419983,3323430000 +2008-12-30,870.580017,891.119995,870.580017,890.640015,890.640015,3627800000 +2008-12-31,890.590027,910.320007,889.669983,903.250000,903.250000,4172940000 +2009-01-02,902.989990,934.729980,899.349976,931.799988,931.799988,4048270000 +2009-01-05,929.169983,936.630005,919.530029,927.450012,927.450012,5413910000 +2009-01-06,931.169983,943.849976,927.280029,934.700012,934.700012,5392620000 +2009-01-07,927.450012,927.450012,902.369995,906.650024,906.650024,4704940000 +2009-01-08,905.729980,910.000000,896.809998,909.729980,909.729980,4991550000 +2009-01-09,909.909973,911.929993,888.309998,890.349976,890.349976,4716500000 +2009-01-12,890.400024,890.400024,864.320007,870.260010,870.260010,4725050000 +2009-01-13,869.789978,877.020020,862.020020,871.789978,871.789978,5567460000 +2009-01-14,867.280029,867.280029,836.929993,842.619995,842.619995,5407880000 +2009-01-15,841.989990,851.590027,817.039978,843.739990,843.739990,7807350000 +2009-01-16,844.450012,858.130005,830.659973,850.119995,850.119995,6786040000 +2009-01-20,849.640015,849.640015,804.469971,805.219971,805.219971,6375230000 +2009-01-21,806.770020,841.719971,804.299988,840.239990,840.239990,6467830000 +2009-01-22,839.739990,839.739990,811.289978,827.500000,827.500000,5843830000 +2009-01-23,822.159973,838.609985,806.070007,831.950012,831.950012,5832160000 +2009-01-26,832.500000,852.530029,827.690002,836.570007,836.570007,6039940000 +2009-01-27,837.299988,850.450012,835.400024,845.710022,845.710022,5353260000 +2009-01-28,845.729980,877.859985,845.729980,874.090027,874.090027,6199180000 +2009-01-29,868.890015,868.890015,844.150024,845.140015,845.140015,5067060000 +2009-01-30,845.690002,851.659973,821.669983,825.880005,825.880005,5350580000 +2009-02-02,823.090027,830.780029,812.869995,825.440002,825.440002,5673270000 +2009-02-03,825.690002,842.599976,821.979980,838.510010,838.510010,5886310000 +2009-02-04,837.770020,851.849976,829.179993,832.229980,832.229980,6420450000 +2009-02-05,831.750000,850.549988,819.909973,845.849976,845.849976,6624030000 +2009-02-06,846.090027,870.750000,845.419983,868.599976,868.599976,6484100000 +2009-02-09,868.239990,875.010010,861.650024,869.890015,869.890015,5574370000 +2009-02-10,866.869995,868.049988,822.989990,827.159973,827.159973,6770170000 +2009-02-11,827.409973,838.219971,822.299988,833.739990,833.739990,5926460000 +2009-02-12,829.909973,835.479980,808.059998,835.190002,835.190002,6476460000 +2009-02-13,833.950012,839.429993,825.210022,826.840027,826.840027,5296650000 +2009-02-17,818.609985,818.609985,789.169983,789.169983,789.169983,5907820000 +2009-02-18,791.059998,796.169983,780.429993,788.419983,788.419983,5740710000 +2009-02-19,787.909973,797.580017,777.030029,778.940002,778.940002,5746940000 +2009-02-20,775.869995,778.690002,754.250000,770.049988,770.049988,8210590000 +2009-02-23,773.250000,777.849976,742.369995,743.330017,743.330017,6509300000 +2009-02-24,744.690002,775.489990,744.690002,773.140015,773.140015,7234490000 +2009-02-25,770.640015,780.119995,752.890015,764.900024,764.900024,7483640000 +2009-02-26,765.760010,779.419983,751.750000,752.830017,752.830017,7599970000 +2009-02-27,749.929993,751.270020,734.520020,735.090027,735.090027,8926480000 +2009-03-02,729.570007,729.570007,699.700012,700.820007,700.820007,7868290000 +2009-03-03,704.440002,711.669983,692.299988,696.330017,696.330017,7583230000 +2009-03-04,698.599976,724.119995,698.599976,712.869995,712.869995,7673620000 +2009-03-05,708.270020,708.270020,677.929993,682.549988,682.549988,7507250000 +2009-03-06,684.039978,699.090027,666.789978,683.380005,683.380005,7331830000 +2009-03-09,680.760010,695.270020,672.880005,676.530029,676.530029,7277320000 +2009-03-10,679.280029,719.599976,679.280029,719.599976,719.599976,8618330000 +2009-03-11,719.590027,731.919983,713.849976,721.359985,721.359985,7287810000 +2009-03-12,720.890015,752.630005,714.760010,750.739990,750.739990,7326630000 +2009-03-13,751.969971,758.289978,742.460022,756.549988,756.549988,6787090000 +2009-03-16,758.840027,774.530029,753.369995,753.890015,753.890015,7883540000 +2009-03-17,753.880005,778.119995,749.929993,778.119995,778.119995,6156800000 +2009-03-18,776.010010,803.039978,765.640015,794.349976,794.349976,9098450000 +2009-03-19,797.919983,803.239990,781.820007,784.039978,784.039978,9033870000 +2009-03-20,784.580017,788.909973,766.200012,768.539978,768.539978,7643720000 +2009-03-23,772.309998,823.369995,772.309998,822.919983,822.919983,7715770000 +2009-03-24,820.599976,823.650024,805.479980,806.119995,806.119995,6767980000 +2009-03-25,806.809998,826.780029,791.369995,813.880005,813.880005,7687180000 +2009-03-26,814.059998,832.979980,814.059998,832.859985,832.859985,6992960000 +2009-03-27,828.679993,828.679993,813.429993,815.940002,815.940002,5600210000 +2009-03-30,809.070007,809.070007,779.809998,787.530029,787.530029,5912660000 +2009-03-31,790.880005,810.479980,790.880005,797.869995,797.869995,6089100000 +2009-04-01,793.590027,813.619995,783.320007,811.080017,811.080017,6034140000 +2009-04-02,814.530029,845.609985,814.530029,834.380005,834.380005,7542810000 +2009-04-03,835.130005,842.500000,826.700012,842.500000,842.500000,5855640000 +2009-04-06,839.750000,839.750000,822.789978,835.479980,835.479980,6210000000 +2009-04-07,834.119995,834.119995,814.530029,815.549988,815.549988,5155580000 +2009-04-08,816.760010,828.419983,814.840027,825.159973,825.159973,5938460000 +2009-04-09,829.289978,856.909973,829.289978,856.559998,856.559998,7600710000 +2009-04-13,855.330017,864.309998,845.349976,858.729980,858.729980,6434890000 +2009-04-14,856.880005,856.880005,840.250000,841.500000,841.500000,7569840000 +2009-04-15,839.440002,852.929993,835.580017,852.059998,852.059998,6241100000 +2009-04-16,854.539978,870.349976,847.039978,865.299988,865.299988,6598670000 +2009-04-17,865.179993,875.630005,860.869995,869.599976,869.599976,7352010000 +2009-04-20,868.270020,868.270020,832.390015,832.390015,832.390015,6973960000 +2009-04-21,831.250000,850.090027,826.830017,850.080017,850.080017,7436490000 +2009-04-22,847.260010,861.780029,840.570007,843.549988,843.549988,7327860000 +2009-04-23,844.619995,852.869995,835.450012,851.919983,851.919983,6563100000 +2009-04-24,853.909973,871.799988,853.909973,866.229980,866.229980,7114440000 +2009-04-27,862.820007,868.830017,854.650024,857.510010,857.510010,5613460000 +2009-04-28,854.479980,864.479980,847.119995,855.159973,855.159973,6328000000 +2009-04-29,856.849976,882.059998,856.849976,873.640015,873.640015,6101620000 +2009-04-30,876.590027,888.700012,868.510010,872.809998,872.809998,6862540000 +2009-05-01,872.739990,880.479980,866.099976,877.520020,877.520020,5312170000 +2009-05-04,879.210022,907.849976,879.210022,907.239990,907.239990,7038840000 +2009-05-05,906.099976,907.700012,897.340027,903.799988,903.799988,6882860000 +2009-05-06,903.950012,920.280029,903.950012,919.530029,919.530029,8555040000 +2009-05-07,919.580017,929.580017,901.359985,907.390015,907.390015,9120100000 +2009-05-08,909.030029,930.169983,909.030029,929.229980,929.229980,8163280000 +2009-05-11,922.989990,922.989990,908.679993,909.239990,909.239990,6150600000 +2009-05-12,910.520020,915.570007,896.460022,908.349976,908.349976,6871750000 +2009-05-13,905.400024,905.400024,882.799988,883.919983,883.919983,7091820000 +2009-05-14,884.239990,898.359985,882.520020,893.070007,893.070007,6134870000 +2009-05-15,892.760010,896.969971,878.940002,882.880005,882.880005,5439720000 +2009-05-18,886.070007,910.000000,886.070007,909.710022,909.710022,5702150000 +2009-05-19,909.669983,916.390015,905.219971,908.130005,908.130005,6616270000 +2009-05-20,908.619995,924.599976,901.369995,903.469971,903.469971,8205060000 +2009-05-21,900.419983,900.419983,879.609985,888.330017,888.330017,6019840000 +2009-05-22,888.679993,896.650024,883.750000,887.000000,887.000000,5155320000 +2009-05-26,887.000000,911.760010,881.460022,910.330017,910.330017,5667050000 +2009-05-27,909.950012,913.840027,891.869995,893.059998,893.059998,5698800000 +2009-05-28,892.960022,909.450012,887.599976,906.830017,906.830017,5738980000 +2009-05-29,907.020020,920.020020,903.559998,919.140015,919.140015,6050420000 +2009-06-01,923.260010,947.770020,923.260010,942.869995,942.869995,6370440000 +2009-06-02,942.869995,949.380005,938.460022,944.739990,944.739990,5987340000 +2009-06-03,942.510010,942.510010,923.849976,931.760010,931.760010,5323770000 +2009-06-04,932.489990,942.469971,929.320007,942.460022,942.460022,5352890000 +2009-06-05,945.669983,951.690002,934.130005,940.090027,940.090027,5277910000 +2009-06-08,938.119995,946.330017,926.440002,939.140015,939.140015,4483430000 +2009-06-09,940.349976,946.919983,936.150024,942.429993,942.429993,4439950000 +2009-06-10,942.729980,949.770020,927.969971,939.150024,939.150024,5379420000 +2009-06-11,939.039978,956.229980,939.039978,944.890015,944.890015,5500840000 +2009-06-12,943.440002,946.299988,935.659973,946.210022,946.210022,4528120000 +2009-06-15,942.450012,942.450012,919.650024,923.719971,923.719971,4697880000 +2009-06-16,925.599976,928.000000,911.599976,911.969971,911.969971,4951200000 +2009-06-17,911.890015,918.440002,903.780029,910.710022,910.710022,5523650000 +2009-06-18,910.859985,921.929993,907.940002,918.369995,918.369995,4684010000 +2009-06-19,919.960022,927.090027,915.799988,921.229980,921.229980,5713390000 +2009-06-22,918.130005,918.130005,893.039978,893.039978,893.039978,4903940000 +2009-06-23,893.460022,898.690002,888.859985,895.099976,895.099976,5071020000 +2009-06-24,896.309998,910.849976,896.309998,900.940002,900.940002,4636720000 +2009-06-25,899.450012,921.419983,896.270020,920.260010,920.260010,4911240000 +2009-06-26,918.840027,922.000000,913.030029,918.900024,918.900024,6076660000 +2009-06-29,919.859985,927.989990,916.179993,927.229980,927.229980,4211760000 +2009-06-30,927.150024,930.010010,912.859985,919.320007,919.320007,4627570000 +2009-07-01,920.820007,931.919983,920.820007,923.330017,923.330017,3919400000 +2009-07-02,921.239990,921.239990,896.419983,896.419983,896.419983,3931000000 +2009-07-06,894.270020,898.719971,886.359985,898.719971,898.719971,4712580000 +2009-07-07,898.599976,898.599976,879.929993,881.030029,881.030029,4673300000 +2009-07-08,881.900024,886.799988,869.320007,879.559998,879.559998,5721780000 +2009-07-09,881.280029,887.859985,878.450012,882.679993,882.679993,4347170000 +2009-07-10,880.030029,883.570007,872.809998,879.130005,879.130005,3912080000 +2009-07-13,879.570007,901.049988,875.320007,901.049988,901.049988,4499440000 +2009-07-14,900.770020,905.840027,896.500000,905.840027,905.840027,4149030000 +2009-07-15,910.150024,933.950012,910.150024,932.679993,932.679993,5238830000 +2009-07-16,930.169983,943.960022,927.450012,940.739990,940.739990,4898640000 +2009-07-17,940.559998,941.890015,934.650024,940.380005,940.380005,5141380000 +2009-07-20,942.070007,951.619995,940.989990,951.130005,951.130005,4853150000 +2009-07-21,951.969971,956.530029,943.219971,954.580017,954.580017,5309300000 +2009-07-22,953.400024,959.830017,947.750000,954.070007,954.070007,4634100000 +2009-07-23,954.070007,979.419983,953.270020,976.289978,976.289978,5761650000 +2009-07-24,972.159973,979.789978,965.950012,979.260010,979.260010,4458300000 +2009-07-27,978.630005,982.489990,972.289978,982.179993,982.179993,4631290000 +2009-07-28,981.479980,982.349976,969.349976,979.619995,979.619995,5490350000 +2009-07-29,977.659973,977.760010,968.650024,975.150024,975.150024,5178770000 +2009-07-30,976.010010,996.679993,976.010010,986.750000,986.750000,6035180000 +2009-07-31,986.799988,993.179993,982.849976,987.479980,987.479980,5139070000 +2009-08-03,990.219971,1003.609985,990.219971,1002.630005,1002.630005,5603440000 +2009-08-04,1001.409973,1007.119995,996.679993,1005.650024,1005.650024,5713700000 +2009-08-05,1005.409973,1006.640015,994.309998,1002.719971,1002.719971,7242120000 +2009-08-06,1004.059998,1008.000000,992.489990,997.080017,997.080017,6753380000 +2009-08-07,999.830017,1018.000000,999.830017,1010.479980,1010.479980,6827090000 +2009-08-10,1008.890015,1010.119995,1000.989990,1007.099976,1007.099976,5406080000 +2009-08-11,1005.770020,1005.770020,992.400024,994.349976,994.349976,5773160000 +2009-08-12,994.000000,1012.780029,993.359985,1005.809998,1005.809998,5498170000 +2009-08-13,1005.859985,1013.140015,1000.820007,1012.729980,1012.729980,5250660000 +2009-08-14,1012.229980,1012.599976,994.599976,1004.090027,1004.090027,4940750000 +2009-08-17,998.179993,998.179993,978.510010,979.729980,979.729980,4088570000 +2009-08-18,980.619995,991.200012,980.619995,989.669983,989.669983,4198970000 +2009-08-19,986.880005,999.609985,980.619995,996.460022,996.460022,4257000000 +2009-08-20,996.409973,1008.919983,996.390015,1007.369995,1007.369995,4893160000 +2009-08-21,1009.059998,1027.589966,1009.059998,1026.130005,1026.130005,5885550000 +2009-08-24,1026.589966,1035.819946,1022.479980,1025.569946,1025.569946,6302450000 +2009-08-25,1026.630005,1037.750000,1026.209961,1028.000000,1028.000000,5768740000 +2009-08-26,1027.349976,1032.469971,1021.570007,1028.119995,1028.119995,5080060000 +2009-08-27,1027.810059,1033.329956,1016.200012,1030.979980,1030.979980,5785880000 +2009-08-28,1031.619995,1039.469971,1023.130005,1028.930054,1028.930054,5785780000 +2009-08-31,1025.209961,1025.209961,1014.619995,1020.619995,1020.619995,5004560000 +2009-09-01,1019.520020,1028.449951,996.280029,998.039978,998.039978,6862360000 +2009-09-02,996.070007,1000.340027,991.969971,994.750000,994.750000,5842730000 +2009-09-03,996.119995,1003.429993,992.250000,1003.239990,1003.239990,4624280000 +2009-09-04,1003.840027,1016.479980,1001.650024,1016.400024,1016.400024,4097370000 +2009-09-08,1018.669983,1026.069946,1018.669983,1025.390015,1025.390015,5235160000 +2009-09-09,1025.359985,1036.339966,1023.969971,1033.369995,1033.369995,5202550000 +2009-09-10,1032.989990,1044.140015,1028.040039,1044.140015,1044.140015,5191380000 +2009-09-11,1043.920044,1048.180054,1038.400024,1042.729980,1042.729980,4922600000 +2009-09-14,1040.150024,1049.739990,1035.000000,1049.339966,1049.339966,4979610000 +2009-09-15,1049.030029,1056.040039,1043.420044,1052.630005,1052.630005,6185620000 +2009-09-16,1053.989990,1068.760010,1052.869995,1068.760010,1068.760010,6793530000 +2009-09-17,1067.869995,1074.770020,1061.199951,1065.489990,1065.489990,6668110000 +2009-09-18,1066.599976,1071.520020,1064.270020,1068.300049,1068.300049,5607970000 +2009-09-21,1067.140015,1067.280029,1057.459961,1064.660034,1064.660034,4615280000 +2009-09-22,1066.349976,1073.810059,1066.349976,1071.660034,1071.660034,5246600000 +2009-09-23,1072.689941,1080.150024,1060.390015,1060.869995,1060.869995,5531930000 +2009-09-24,1062.560059,1066.290039,1045.849976,1050.780029,1050.780029,5505610000 +2009-09-25,1049.479980,1053.469971,1041.170044,1044.380005,1044.380005,4507090000 +2009-09-28,1045.380005,1065.130005,1045.380005,1062.979980,1062.979980,3726950000 +2009-09-29,1063.689941,1069.619995,1057.829956,1060.609985,1060.609985,4949900000 +2009-09-30,1061.020020,1063.400024,1046.469971,1057.079956,1057.079956,5998860000 +2009-10-01,1054.910034,1054.910034,1029.449951,1029.849976,1029.849976,5791450000 +2009-10-02,1029.709961,1030.599976,1019.950012,1025.209961,1025.209961,5583240000 +2009-10-05,1026.869995,1042.579956,1025.920044,1040.459961,1040.459961,4313310000 +2009-10-06,1042.020020,1060.550049,1042.020020,1054.719971,1054.719971,5029840000 +2009-10-07,1053.650024,1058.020020,1050.099976,1057.579956,1057.579956,4238220000 +2009-10-08,1060.030029,1070.670044,1060.030029,1065.479980,1065.479980,4988400000 +2009-10-09,1065.280029,1071.510010,1063.000000,1071.489990,1071.489990,3763780000 +2009-10-12,1071.630005,1079.459961,1071.630005,1076.189941,1076.189941,3710430000 +2009-10-13,1074.959961,1075.300049,1066.709961,1073.189941,1073.189941,4320480000 +2009-10-14,1078.680054,1093.170044,1078.680054,1092.020020,1092.020020,5406420000 +2009-10-15,1090.359985,1096.560059,1086.410034,1096.560059,1096.560059,5369780000 +2009-10-16,1094.670044,1094.670044,1081.530029,1087.680054,1087.680054,4894740000 +2009-10-19,1088.219971,1100.170044,1086.479980,1097.910034,1097.910034,4619240000 +2009-10-20,1098.640015,1098.640015,1086.160034,1091.060059,1091.060059,5396930000 +2009-10-21,1090.359985,1101.359985,1080.770020,1081.400024,1081.400024,5616290000 +2009-10-22,1080.959961,1095.209961,1074.310059,1092.910034,1092.910034,5192410000 +2009-10-23,1095.619995,1095.829956,1075.489990,1079.599976,1079.599976,4767460000 +2009-10-26,1080.359985,1091.750000,1065.229980,1066.949951,1066.949951,6363380000 +2009-10-27,1067.540039,1072.479980,1060.619995,1063.410034,1063.410034,5337380000 +2009-10-28,1061.510010,1063.260010,1042.189941,1042.630005,1042.630005,6600350000 +2009-10-29,1043.689941,1066.829956,1043.689941,1066.109985,1066.109985,5595040000 +2009-10-30,1065.410034,1065.410034,1033.380005,1036.189941,1036.189941,6512420000 +2009-11-02,1036.180054,1052.180054,1029.380005,1042.880005,1042.880005,6202640000 +2009-11-03,1040.920044,1046.359985,1033.939941,1045.410034,1045.410034,5487500000 +2009-11-04,1047.140015,1061.000000,1045.150024,1046.500000,1046.500000,5635510000 +2009-11-05,1047.300049,1066.650024,1047.300049,1066.630005,1066.630005,4848350000 +2009-11-06,1064.949951,1071.479980,1059.319946,1069.300049,1069.300049,4277130000 +2009-11-09,1072.310059,1093.189941,1072.310059,1093.079956,1093.079956,4460030000 +2009-11-10,1091.859985,1096.420044,1087.400024,1093.010010,1093.010010,4394770000 +2009-11-11,1096.040039,1105.369995,1093.810059,1098.510010,1098.510010,4286700000 +2009-11-12,1098.310059,1101.969971,1084.900024,1087.239990,1087.239990,4160250000 +2009-11-13,1087.589966,1097.790039,1085.329956,1093.479980,1093.479980,3792610000 +2009-11-16,1094.130005,1113.689941,1094.130005,1109.300049,1109.300049,4565850000 +2009-11-17,1109.219971,1110.520020,1102.189941,1110.319946,1110.319946,3824070000 +2009-11-18,1109.439941,1111.099976,1102.699951,1109.800049,1109.800049,4293340000 +2009-11-19,1106.439941,1106.439941,1088.400024,1094.900024,1094.900024,4178030000 +2009-11-20,1094.660034,1094.660034,1086.810059,1091.380005,1091.380005,3751230000 +2009-11-23,1094.859985,1112.380005,1094.859985,1106.239990,1106.239990,3827920000 +2009-11-24,1105.829956,1107.560059,1097.630005,1105.650024,1105.650024,3700820000 +2009-11-25,1106.489990,1111.180054,1104.750000,1110.630005,1110.630005,3036350000 +2009-11-27,1105.469971,1105.469971,1083.739990,1091.489990,1091.489990,2362910000 +2009-11-30,1091.069946,1097.239990,1086.250000,1095.630005,1095.630005,3895520000 +2009-12-01,1098.890015,1112.280029,1098.890015,1108.859985,1108.859985,4249310000 +2009-12-02,1109.030029,1115.579956,1105.290039,1109.239990,1109.239990,3941340000 +2009-12-03,1110.589966,1117.280029,1098.739990,1099.920044,1099.920044,4810030000 +2009-12-04,1100.430054,1119.130005,1096.520020,1105.979980,1105.979980,5781140000 +2009-12-07,1105.520020,1110.719971,1100.829956,1103.250000,1103.250000,4103360000 +2009-12-08,1103.040039,1103.040039,1088.609985,1091.939941,1091.939941,4748030000 +2009-12-09,1091.069946,1097.040039,1085.890015,1095.949951,1095.949951,4115410000 +2009-12-10,1098.689941,1106.250000,1098.689941,1102.349976,1102.349976,3996490000 +2009-12-11,1103.959961,1108.500000,1101.339966,1106.410034,1106.410034,3791090000 +2009-12-14,1107.839966,1114.760010,1107.839966,1114.109985,1114.109985,4548490000 +2009-12-15,1114.109985,1114.109985,1105.349976,1107.930054,1107.930054,5045100000 +2009-12-16,1108.609985,1116.209961,1107.959961,1109.180054,1109.180054,4829820000 +2009-12-17,1106.359985,1106.359985,1095.880005,1096.079956,1096.079956,7615070000 +2009-12-18,1097.859985,1103.739990,1093.880005,1102.469971,1102.469971,6325890000 +2009-12-21,1105.310059,1117.680054,1105.310059,1114.050049,1114.050049,3977340000 +2009-12-22,1114.510010,1120.270020,1114.510010,1118.020020,1118.020020,3641130000 +2009-12-23,1118.839966,1121.579956,1116.000000,1120.589966,1120.589966,3166870000 +2009-12-24,1121.079956,1126.479980,1121.079956,1126.479980,1126.479980,1267710000 +2009-12-28,1127.530029,1130.380005,1123.510010,1127.780029,1127.780029,2716400000 +2009-12-29,1128.550049,1130.380005,1126.079956,1126.199951,1126.199951,2491020000 +2009-12-30,1125.530029,1126.420044,1121.939941,1126.420044,1126.420044,2277300000 +2009-12-31,1126.599976,1127.640015,1114.810059,1115.099976,1115.099976,2076990000 +2010-01-04,1116.560059,1133.869995,1116.560059,1132.989990,1132.989990,3991400000 +2010-01-05,1132.660034,1136.630005,1129.660034,1136.520020,1136.520020,2491020000 +2010-01-06,1135.709961,1139.189941,1133.949951,1137.140015,1137.140015,4972660000 +2010-01-07,1136.270020,1142.459961,1131.319946,1141.689941,1141.689941,5270680000 +2010-01-08,1140.520020,1145.390015,1136.219971,1144.979980,1144.979980,4389590000 +2010-01-11,1145.959961,1149.739990,1142.020020,1146.979980,1146.979980,4255780000 +2010-01-12,1143.810059,1143.810059,1131.770020,1136.219971,1136.219971,4716160000 +2010-01-13,1137.310059,1148.400024,1133.180054,1145.680054,1145.680054,4170360000 +2010-01-14,1145.680054,1150.410034,1143.800049,1148.459961,1148.459961,3915200000 +2010-01-15,1147.719971,1147.770020,1131.390015,1136.030029,1136.030029,4758730000 +2010-01-19,1136.030029,1150.449951,1135.770020,1150.229980,1150.229980,4724830000 +2010-01-20,1147.949951,1147.949951,1129.250000,1138.040039,1138.040039,4810560000 +2010-01-21,1138.680054,1141.579956,1114.839966,1116.479980,1116.479980,6874290000 +2010-01-22,1115.489990,1115.489990,1090.180054,1091.760010,1091.760010,6208650000 +2010-01-25,1092.400024,1102.969971,1092.400024,1096.780029,1096.780029,4481390000 +2010-01-26,1095.800049,1103.689941,1089.859985,1092.170044,1092.170044,4731910000 +2010-01-27,1091.939941,1099.510010,1083.109985,1097.500000,1097.500000,5319120000 +2010-01-28,1096.930054,1100.219971,1078.459961,1084.530029,1084.530029,5452400000 +2010-01-29,1087.609985,1096.449951,1071.589966,1073.869995,1073.869995,5412850000 +2010-02-01,1073.890015,1089.380005,1073.890015,1089.189941,1089.189941,4077610000 +2010-02-02,1090.050049,1104.729980,1087.959961,1103.319946,1103.319946,4749540000 +2010-02-03,1100.670044,1102.719971,1093.969971,1097.280029,1097.280029,4285450000 +2010-02-04,1097.250000,1097.250000,1062.780029,1063.109985,1063.109985,5859690000 +2010-02-05,1064.119995,1067.130005,1044.500000,1066.189941,1066.189941,6438900000 +2010-02-08,1065.510010,1071.199951,1056.510010,1056.739990,1056.739990,4089820000 +2010-02-09,1060.060059,1079.280029,1060.060059,1070.520020,1070.520020,5114260000 +2010-02-10,1069.680054,1073.670044,1059.339966,1068.130005,1068.130005,4251450000 +2010-02-11,1067.099976,1080.040039,1060.589966,1078.469971,1078.469971,4400870000 +2010-02-12,1075.949951,1077.810059,1062.969971,1075.510010,1075.510010,4160680000 +2010-02-16,1079.130005,1095.670044,1079.130005,1094.869995,1094.869995,4080770000 +2010-02-17,1096.140015,1101.030029,1094.719971,1099.510010,1099.510010,4259230000 +2010-02-18,1099.030029,1108.239990,1097.479980,1106.750000,1106.750000,3878620000 +2010-02-19,1105.489990,1112.420044,1100.800049,1109.170044,1109.170044,3944280000 +2010-02-22,1110.000000,1112.290039,1105.380005,1108.010010,1108.010010,3814440000 +2010-02-23,1107.489990,1108.579956,1092.180054,1094.599976,1094.599976,4521050000 +2010-02-24,1095.890015,1106.420044,1095.500000,1105.239990,1105.239990,4168360000 +2010-02-25,1101.239990,1103.500000,1086.020020,1102.939941,1102.939941,4521130000 +2010-02-26,1103.099976,1107.239990,1097.560059,1104.489990,1104.489990,3945190000 +2010-03-01,1105.359985,1116.109985,1105.359985,1115.709961,1115.709961,3847640000 +2010-03-02,1117.010010,1123.459961,1116.510010,1118.310059,1118.310059,4134680000 +2010-03-03,1119.359985,1125.640015,1116.579956,1118.790039,1118.790039,3951320000 +2010-03-04,1119.119995,1123.729980,1116.660034,1122.969971,1122.969971,3945010000 +2010-03-05,1125.119995,1139.380005,1125.119995,1138.699951,1138.699951,4133000000 +2010-03-08,1138.400024,1141.050049,1136.770020,1138.500000,1138.500000,3774680000 +2010-03-09,1137.560059,1145.369995,1134.900024,1140.449951,1140.449951,5185570000 +2010-03-10,1140.219971,1148.260010,1140.089966,1145.609985,1145.609985,5469120000 +2010-03-11,1143.959961,1150.239990,1138.989990,1150.239990,1150.239990,4669060000 +2010-03-12,1151.709961,1153.410034,1146.969971,1149.989990,1149.989990,4928160000 +2010-03-15,1148.530029,1150.979980,1141.449951,1150.510010,1150.510010,4164110000 +2010-03-16,1150.829956,1160.280029,1150.349976,1159.459961,1159.459961,4369770000 +2010-03-17,1159.939941,1169.839966,1159.939941,1166.209961,1166.209961,4963200000 +2010-03-18,1166.130005,1167.770020,1161.160034,1165.829956,1165.829956,4234510000 +2010-03-19,1166.680054,1169.199951,1155.329956,1159.900024,1159.900024,5212410000 +2010-03-22,1157.250000,1167.819946,1152.880005,1165.810059,1165.810059,4261680000 +2010-03-23,1166.469971,1174.719971,1163.829956,1174.170044,1174.170044,4411640000 +2010-03-24,1172.699951,1173.040039,1166.010010,1167.719971,1167.719971,4705750000 +2010-03-25,1170.030029,1180.689941,1165.089966,1165.729980,1165.729980,5668900000 +2010-03-26,1167.579956,1173.930054,1161.479980,1166.589966,1166.589966,4708420000 +2010-03-29,1167.709961,1174.849976,1167.709961,1173.219971,1173.219971,4375580000 +2010-03-30,1173.750000,1177.829956,1168.920044,1173.270020,1173.270020,4085000000 +2010-03-31,1171.750000,1174.560059,1165.770020,1169.430054,1169.430054,4484340000 +2010-04-01,1171.229980,1181.430054,1170.689941,1178.099976,1178.099976,4006870000 +2010-04-05,1178.709961,1187.729980,1178.709961,1187.439941,1187.439941,3881620000 +2010-04-06,1186.010010,1191.800049,1182.770020,1189.439941,1189.439941,4086180000 +2010-04-07,1188.229980,1189.599976,1177.250000,1182.449951,1182.449951,5101430000 +2010-04-08,1181.750000,1188.550049,1175.119995,1186.439941,1186.439941,4726970000 +2010-04-09,1187.469971,1194.660034,1187.150024,1194.369995,1194.369995,4511570000 +2010-04-12,1194.939941,1199.199951,1194.709961,1196.479980,1196.479980,4607090000 +2010-04-13,1195.939941,1199.040039,1188.819946,1197.300049,1197.300049,5403580000 +2010-04-14,1198.689941,1210.650024,1198.689941,1210.650024,1210.650024,5760040000 +2010-04-15,1210.770020,1213.920044,1208.500000,1211.670044,1211.670044,5995330000 +2010-04-16,1210.170044,1210.170044,1186.770020,1192.130005,1192.130005,8108470000 +2010-04-19,1192.060059,1197.869995,1183.680054,1197.520020,1197.520020,6597740000 +2010-04-20,1199.040039,1208.579956,1199.040039,1207.170044,1207.170044,5316590000 +2010-04-21,1207.160034,1210.989990,1198.849976,1205.939941,1205.939941,5724310000 +2010-04-22,1202.520020,1210.270020,1190.189941,1208.670044,1208.670044,6035780000 +2010-04-23,1207.869995,1217.280029,1205.099976,1217.280029,1217.280029,5326060000 +2010-04-26,1217.069946,1219.800049,1211.069946,1212.050049,1212.050049,5647760000 +2010-04-27,1209.920044,1211.380005,1181.619995,1183.709961,1183.709961,7454540000 +2010-04-28,1184.589966,1195.050049,1181.810059,1191.359985,1191.359985,6342310000 +2010-04-29,1193.300049,1209.359985,1193.300049,1206.780029,1206.780029,6059410000 +2010-04-30,1206.770020,1207.989990,1186.319946,1186.689941,1186.689941,6048260000 +2010-05-03,1188.579956,1205.130005,1188.579956,1202.260010,1202.260010,4938050000 +2010-05-04,1197.500000,1197.500000,1168.119995,1173.599976,1173.599976,6594720000 +2010-05-05,1169.239990,1175.949951,1158.150024,1165.869995,1165.869995,6795940000 +2010-05-06,1164.380005,1167.579956,1065.790039,1128.150024,1128.150024,10617810000 +2010-05-07,1127.040039,1135.130005,1094.150024,1110.880005,1110.880005,9472910000 +2010-05-10,1122.270020,1163.849976,1122.270020,1159.729980,1159.729980,6893700000 +2010-05-11,1156.390015,1170.479980,1147.709961,1155.790039,1155.790039,5842550000 +2010-05-12,1155.430054,1172.869995,1155.430054,1171.670044,1171.670044,5225460000 +2010-05-13,1170.040039,1173.569946,1156.140015,1157.439941,1157.439941,4870640000 +2010-05-14,1157.189941,1157.189941,1126.140015,1135.680054,1135.680054,6126400000 +2010-05-17,1136.520020,1141.880005,1114.959961,1136.939941,1136.939941,5922920000 +2010-05-18,1138.780029,1148.660034,1117.199951,1120.800049,1120.800049,6170840000 +2010-05-19,1119.569946,1124.270020,1100.660034,1115.050049,1115.050049,6765800000 +2010-05-20,1107.339966,1107.339966,1071.579956,1071.589966,1071.589966,8328570000 +2010-05-21,1067.260010,1090.160034,1055.900024,1087.689941,1087.689941,5452130000 +2010-05-24,1084.780029,1089.949951,1072.699951,1073.650024,1073.650024,5224040000 +2010-05-25,1067.420044,1074.750000,1040.780029,1074.030029,1074.030029,7329580000 +2010-05-26,1075.510010,1090.750000,1065.589966,1067.949951,1067.949951,4521050000 +2010-05-27,1074.270020,1103.520020,1074.270020,1103.060059,1103.060059,5698460000 +2010-05-28,1102.589966,1102.589966,1084.780029,1089.410034,1089.410034,4871210000 +2010-06-01,1087.300049,1094.770020,1069.890015,1070.709961,1070.709961,5271480000 +2010-06-02,1073.010010,1098.560059,1072.030029,1098.380005,1098.380005,5026360000 +2010-06-03,1098.819946,1105.670044,1091.810059,1102.829956,1102.829956,4995970000 +2010-06-04,1098.430054,1098.430054,1060.500000,1064.880005,1064.880005,6180580000 +2010-06-07,1065.839966,1071.359985,1049.859985,1050.469971,1050.469971,5467560000 +2010-06-08,1050.810059,1063.150024,1042.170044,1062.000000,1062.000000,6192750000 +2010-06-09,1062.750000,1077.739990,1052.250000,1055.689941,1055.689941,5983200000 +2010-06-10,1058.770020,1087.849976,1058.770020,1086.839966,1086.839966,5144780000 +2010-06-11,1082.650024,1092.250000,1077.119995,1091.599976,1091.599976,4059280000 +2010-06-14,1095.000000,1105.910034,1089.030029,1089.630005,1089.630005,4425830000 +2010-06-15,1091.209961,1115.589966,1091.209961,1115.229980,1115.229980,4644490000 +2010-06-16,1114.020020,1118.739990,1107.130005,1114.609985,1114.609985,5002600000 +2010-06-17,1115.979980,1117.719971,1105.869995,1116.040039,1116.040039,4557760000 +2010-06-18,1116.160034,1121.010010,1113.930054,1117.510010,1117.510010,4555360000 +2010-06-21,1122.790039,1131.229980,1108.239990,1113.199951,1113.199951,4514360000 +2010-06-22,1113.900024,1118.500000,1094.180054,1095.310059,1095.310059,4514380000 +2010-06-23,1095.569946,1099.640015,1085.310059,1092.040039,1092.040039,4526150000 +2010-06-24,1090.930054,1090.930054,1071.599976,1073.689941,1073.689941,4814830000 +2010-06-25,1075.099976,1083.560059,1067.890015,1076.760010,1076.760010,5128840000 +2010-06-28,1077.500000,1082.599976,1071.449951,1074.569946,1074.569946,3896410000 +2010-06-29,1071.099976,1071.099976,1035.180054,1041.239990,1041.239990,6136700000 +2010-06-30,1040.560059,1048.079956,1028.329956,1030.709961,1030.709961,5067080000 +2010-07-01,1031.099976,1033.579956,1010.909973,1027.369995,1027.369995,6435770000 +2010-07-02,1027.650024,1032.949951,1015.929993,1022.580017,1022.580017,3968500000 +2010-07-06,1028.089966,1042.500000,1018.349976,1028.060059,1028.060059,4691240000 +2010-07-07,1028.540039,1060.890015,1028.540039,1060.270020,1060.270020,4931220000 +2010-07-08,1062.920044,1071.250000,1058.239990,1070.250000,1070.250000,4548460000 +2010-07-09,1070.500000,1078.160034,1068.099976,1077.959961,1077.959961,3506570000 +2010-07-12,1077.229980,1080.780029,1070.449951,1078.750000,1078.750000,3426990000 +2010-07-13,1080.650024,1099.459961,1080.650024,1095.339966,1095.339966,4640460000 +2010-07-14,1095.609985,1099.079956,1087.680054,1095.170044,1095.170044,4521050000 +2010-07-15,1094.459961,1098.660034,1080.530029,1096.479980,1096.479980,4552470000 +2010-07-16,1093.849976,1093.849976,1063.319946,1064.880005,1064.880005,5297350000 +2010-07-19,1066.849976,1074.699951,1061.109985,1071.250000,1071.250000,4089500000 +2010-07-20,1064.530029,1083.939941,1056.880005,1083.479980,1083.479980,4713280000 +2010-07-21,1086.670044,1088.959961,1065.250000,1069.589966,1069.589966,4747180000 +2010-07-22,1072.140015,1097.500000,1072.140015,1093.670044,1093.670044,4826900000 +2010-07-23,1092.170044,1103.729980,1087.880005,1102.660034,1102.660034,4524570000 +2010-07-26,1102.890015,1115.010010,1101.300049,1115.010010,1115.010010,4009650000 +2010-07-27,1117.359985,1120.949951,1109.780029,1113.839966,1113.839966,4725690000 +2010-07-28,1112.839966,1114.660034,1103.109985,1106.130005,1106.130005,4002390000 +2010-07-29,1108.069946,1115.900024,1092.819946,1101.530029,1101.530029,4612420000 +2010-07-30,1098.439941,1106.439941,1088.010010,1101.599976,1101.599976,4006450000 +2010-08-02,1107.530029,1127.300049,1107.530029,1125.859985,1125.859985,4144180000 +2010-08-03,1125.339966,1125.439941,1116.760010,1120.459961,1120.459961,4071820000 +2010-08-04,1121.060059,1128.750000,1119.459961,1127.239990,1127.239990,4057850000 +2010-08-05,1125.780029,1126.560059,1118.810059,1125.810059,1125.810059,3685560000 +2010-08-06,1122.069946,1123.060059,1107.170044,1121.640015,1121.640015,3857890000 +2010-08-09,1122.800049,1129.239990,1120.910034,1127.790039,1127.790039,3979360000 +2010-08-10,1122.920044,1127.160034,1111.579956,1121.060059,1121.060059,3979360000 +2010-08-11,1116.890015,1116.890015,1088.550049,1089.469971,1089.469971,4511860000 +2010-08-12,1081.479980,1086.719971,1076.689941,1083.609985,1083.609985,4521050000 +2010-08-13,1082.219971,1086.250000,1079.000000,1079.250000,1079.250000,3328890000 +2010-08-16,1077.489990,1082.619995,1069.489990,1079.380005,1079.380005,3142450000 +2010-08-17,1081.160034,1100.140015,1081.160034,1092.540039,1092.540039,3968210000 +2010-08-18,1092.079956,1099.770020,1085.760010,1094.160034,1094.160034,3724260000 +2010-08-19,1092.439941,1092.439941,1070.660034,1075.630005,1075.630005,4290540000 +2010-08-20,1075.630005,1075.630005,1063.910034,1071.689941,1071.689941,3761570000 +2010-08-23,1073.359985,1081.579956,1067.079956,1067.359985,1067.359985,3210950000 +2010-08-24,1063.199951,1063.199951,1046.680054,1051.869995,1051.869995,4436330000 +2010-08-25,1048.979980,1059.380005,1039.829956,1055.329956,1055.329956,4360190000 +2010-08-26,1056.280029,1061.449951,1045.400024,1047.219971,1047.219971,3646710000 +2010-08-27,1049.270020,1065.209961,1039.699951,1064.589966,1064.589966,4102460000 +2010-08-30,1062.900024,1064.400024,1048.790039,1048.920044,1048.920044,2917990000 +2010-08-31,1046.880005,1055.140015,1040.880005,1049.329956,1049.329956,4038770000 +2010-09-01,1049.719971,1081.300049,1049.719971,1080.290039,1080.290039,4396880000 +2010-09-02,1080.660034,1090.099976,1080.390015,1090.099976,1090.099976,3704210000 +2010-09-03,1093.609985,1105.099976,1093.609985,1104.510010,1104.510010,3534500000 +2010-09-07,1102.599976,1102.599976,1091.150024,1091.839966,1091.839966,3107380000 +2010-09-08,1092.359985,1103.260010,1092.359985,1098.869995,1098.869995,3224640000 +2010-09-09,1101.150024,1110.270020,1101.150024,1104.180054,1104.180054,3387770000 +2010-09-10,1104.569946,1110.880005,1103.920044,1109.550049,1109.550049,3061160000 +2010-09-13,1113.380005,1123.869995,1113.380005,1121.900024,1121.900024,4521050000 +2010-09-14,1121.160034,1127.359985,1115.579956,1121.099976,1121.099976,4521050000 +2010-09-15,1119.430054,1126.459961,1114.630005,1125.069946,1125.069946,3369840000 +2010-09-16,1123.890015,1125.439941,1118.880005,1124.660034,1124.660034,3364080000 +2010-09-17,1126.390015,1131.469971,1122.430054,1125.589966,1125.589966,4086140000 +2010-09-20,1126.569946,1144.859985,1126.569946,1142.709961,1142.709961,3364080000 +2010-09-21,1142.819946,1148.589966,1136.219971,1139.780029,1139.780029,4175660000 +2010-09-22,1139.489990,1144.380005,1131.579956,1134.280029,1134.280029,3911070000 +2010-09-23,1131.099976,1136.770020,1122.790039,1124.829956,1124.829956,3847850000 +2010-09-24,1131.689941,1148.900024,1131.689941,1148.670044,1148.670044,4123950000 +2010-09-27,1148.640015,1149.920044,1142.000000,1142.160034,1142.160034,3587860000 +2010-09-28,1142.310059,1150.000000,1132.089966,1147.699951,1147.699951,4025840000 +2010-09-29,1146.750000,1148.630005,1140.260010,1144.729980,1144.729980,3990280000 +2010-09-30,1145.969971,1157.160034,1136.079956,1141.199951,1141.199951,4284160000 +2010-10-01,1143.489990,1150.300049,1139.420044,1146.239990,1146.239990,4298910000 +2010-10-04,1144.959961,1148.160034,1131.869995,1137.030029,1137.030029,3604110000 +2010-10-05,1140.680054,1162.760010,1140.680054,1160.750000,1160.750000,4068840000 +2010-10-06,1159.810059,1162.329956,1154.849976,1159.969971,1159.969971,4073160000 +2010-10-07,1161.569946,1163.869995,1151.410034,1158.060059,1158.060059,3910550000 +2010-10-08,1158.359985,1167.729980,1155.579956,1165.150024,1165.150024,3871420000 +2010-10-11,1165.319946,1168.680054,1162.020020,1165.319946,1165.319946,2505900000 +2010-10-12,1164.280029,1172.579956,1155.709961,1169.770020,1169.770020,4076170000 +2010-10-13,1171.319946,1184.380005,1171.319946,1178.099976,1178.099976,4969410000 +2010-10-14,1177.819946,1178.890015,1166.709961,1173.810059,1173.810059,4969410000 +2010-10-15,1177.469971,1181.199951,1167.119995,1176.189941,1176.189941,5724910000 +2010-10-18,1176.829956,1185.530029,1174.550049,1184.709961,1184.709961,4450050000 +2010-10-19,1178.640015,1178.640015,1159.709961,1165.900024,1165.900024,5600120000 +2010-10-20,1166.739990,1182.939941,1166.739990,1178.170044,1178.170044,5027880000 +2010-10-21,1179.819946,1189.430054,1171.170044,1180.260010,1180.260010,4625470000 +2010-10-22,1180.520020,1183.930054,1178.989990,1183.079956,1183.079956,3177890000 +2010-10-25,1184.739990,1196.140015,1184.739990,1185.619995,1185.619995,4221380000 +2010-10-26,1184.880005,1187.109985,1177.719971,1185.640015,1185.640015,4203680000 +2010-10-27,1183.839966,1183.839966,1171.699951,1182.449951,1182.449951,4335670000 +2010-10-28,1184.469971,1189.530029,1177.099976,1183.780029,1183.780029,4283460000 +2010-10-29,1183.869995,1185.459961,1179.699951,1183.260010,1183.260010,3537880000 +2010-11-01,1185.709961,1195.810059,1177.650024,1184.380005,1184.380005,4129180000 +2010-11-02,1187.859985,1195.880005,1187.859985,1193.569946,1193.569946,3866200000 +2010-11-03,1193.790039,1198.300049,1183.560059,1197.959961,1197.959961,4665480000 +2010-11-04,1198.339966,1221.250000,1198.339966,1221.060059,1221.060059,5695470000 +2010-11-05,1221.199951,1227.079956,1220.290039,1225.849976,1225.849976,5637460000 +2010-11-08,1223.239990,1224.569946,1217.550049,1223.250000,1223.250000,3937230000 +2010-11-09,1223.589966,1226.839966,1208.939941,1213.400024,1213.400024,4848040000 +2010-11-10,1213.140015,1218.750000,1204.329956,1218.709961,1218.709961,4561300000 +2010-11-11,1213.040039,1215.449951,1204.489990,1213.540039,1213.540039,3931120000 +2010-11-12,1209.069946,1210.500000,1194.079956,1199.209961,1199.209961,4213620000 +2010-11-15,1200.439941,1207.430054,1197.150024,1197.750000,1197.750000,3503370000 +2010-11-16,1194.790039,1194.790039,1173.000000,1178.339966,1178.339966,5116380000 +2010-11-17,1178.329956,1183.560059,1175.819946,1178.589966,1178.589966,3904780000 +2010-11-18,1183.750000,1200.290039,1183.750000,1196.689941,1196.689941,4687260000 +2010-11-19,1196.119995,1199.969971,1189.439941,1199.729980,1199.729980,3675390000 +2010-11-22,1198.069946,1198.939941,1184.579956,1197.839966,1197.839966,3689500000 +2010-11-23,1192.510010,1192.510010,1176.910034,1180.729980,1180.729980,4133070000 +2010-11-24,1183.699951,1198.619995,1183.699951,1198.349976,1198.349976,3384250000 +2010-11-26,1194.160034,1194.160034,1186.930054,1189.400024,1189.400024,1613820000 +2010-11-29,1189.079956,1190.339966,1173.640015,1187.760010,1187.760010,3673450000 +2010-11-30,1182.959961,1187.400024,1174.140015,1180.550049,1180.550049,4284700000 +2010-12-01,1186.599976,1207.609985,1186.599976,1206.069946,1206.069946,4548110000 +2010-12-02,1206.810059,1221.890015,1206.810059,1221.530029,1221.530029,4970800000 +2010-12-03,1219.930054,1225.569946,1216.819946,1224.709961,1224.709961,3735780000 +2010-12-06,1223.869995,1225.800049,1220.670044,1223.119995,1223.119995,3527370000 +2010-12-07,1227.250000,1235.050049,1223.250000,1223.750000,1223.750000,6970630000 +2010-12-08,1225.020020,1228.930054,1219.500000,1228.280029,1228.280029,4607590000 +2010-12-09,1230.140015,1234.709961,1226.849976,1233.000000,1233.000000,4522510000 +2010-12-10,1233.849976,1240.400024,1232.579956,1240.400024,1240.400024,4547310000 +2010-12-13,1242.520020,1246.729980,1240.339966,1240.459961,1240.459961,4361240000 +2010-12-14,1241.839966,1246.589966,1238.170044,1241.589966,1241.589966,4132350000 +2010-12-15,1241.579956,1244.250000,1234.010010,1235.229980,1235.229980,4407340000 +2010-12-16,1236.339966,1243.750000,1232.849976,1242.869995,1242.869995,4736820000 +2010-12-17,1243.630005,1245.810059,1239.869995,1243.910034,1243.910034,4632470000 +2010-12-20,1245.760010,1250.199951,1241.510010,1247.079956,1247.079956,3548140000 +2010-12-21,1249.430054,1255.819946,1249.430054,1254.599976,1254.599976,3479670000 +2010-12-22,1254.939941,1259.390015,1254.939941,1258.839966,1258.839966,1285590000 +2010-12-23,1257.530029,1258.589966,1254.050049,1256.770020,1256.770020,2515020000 +2010-12-27,1254.660034,1258.430054,1251.479980,1257.540039,1257.540039,1992470000 +2010-12-28,1259.099976,1259.900024,1256.219971,1258.510010,1258.510010,2478450000 +2010-12-29,1258.780029,1262.599976,1258.780029,1259.780029,1259.780029,2214380000 +2010-12-30,1259.439941,1261.089966,1256.319946,1257.880005,1257.880005,1970720000 +2010-12-31,1256.760010,1259.339966,1254.189941,1257.640015,1257.640015,1799770000 +2011-01-03,1257.619995,1276.170044,1257.619995,1271.869995,1271.869995,4286670000 +2011-01-04,1272.949951,1274.119995,1262.660034,1270.199951,1270.199951,4796420000 +2011-01-05,1268.780029,1277.630005,1265.359985,1276.560059,1276.560059,4764920000 +2011-01-06,1276.290039,1278.170044,1270.430054,1273.849976,1273.849976,4844100000 +2011-01-07,1274.410034,1276.829956,1261.699951,1271.500000,1271.500000,4963110000 +2011-01-10,1270.839966,1271.520020,1262.180054,1269.750000,1269.750000,4036450000 +2011-01-11,1272.579956,1277.250000,1269.619995,1274.479980,1274.479980,4050750000 +2011-01-12,1275.650024,1286.869995,1275.650024,1285.959961,1285.959961,4226940000 +2011-01-13,1285.780029,1286.699951,1280.469971,1283.760010,1283.760010,4310840000 +2011-01-14,1282.900024,1293.239990,1281.239990,1293.239990,1293.239990,4661590000 +2011-01-18,1293.219971,1296.060059,1290.160034,1295.020020,1295.020020,5284990000 +2011-01-19,1294.520020,1294.599976,1278.920044,1281.920044,1281.920044,4743710000 +2011-01-20,1280.849976,1283.349976,1271.260010,1280.260010,1280.260010,4935320000 +2011-01-21,1283.630005,1291.209961,1282.069946,1283.349976,1283.349976,4935320000 +2011-01-24,1283.290039,1291.930054,1282.469971,1290.839966,1290.839966,3902470000 +2011-01-25,1288.170044,1291.260010,1281.069946,1291.180054,1291.180054,4595380000 +2011-01-26,1291.969971,1299.739990,1291.969971,1296.630005,1296.630005,4730980000 +2011-01-27,1297.510010,1301.290039,1294.410034,1299.540039,1299.540039,4309190000 +2011-01-28,1299.630005,1302.670044,1275.099976,1276.339966,1276.339966,5618630000 +2011-01-31,1276.500000,1287.170044,1276.500000,1286.119995,1286.119995,4167160000 +2011-02-01,1289.140015,1308.859985,1289.140015,1307.589966,1307.589966,5164500000 +2011-02-02,1305.910034,1307.609985,1302.619995,1304.030029,1304.030029,4098260000 +2011-02-03,1302.770020,1308.599976,1294.829956,1307.099976,1307.099976,4370990000 +2011-02-04,1307.010010,1311.000000,1301.670044,1310.869995,1310.869995,3925950000 +2011-02-07,1311.849976,1322.849976,1311.849976,1319.050049,1319.050049,3902270000 +2011-02-08,1318.760010,1324.869995,1316.030029,1324.569946,1324.569946,3881530000 +2011-02-09,1322.479980,1324.540039,1314.890015,1320.880005,1320.880005,3922240000 +2011-02-10,1318.130005,1322.780029,1311.739990,1321.869995,1321.869995,4184610000 +2011-02-11,1318.660034,1330.790039,1316.079956,1329.150024,1329.150024,4219300000 +2011-02-14,1328.729980,1332.959961,1326.900024,1332.319946,1332.319946,3567040000 +2011-02-15,1330.430054,1330.430054,1324.609985,1328.010010,1328.010010,3926860000 +2011-02-16,1329.510010,1337.609985,1329.510010,1336.319946,1336.319946,1966450000 +2011-02-17,1334.369995,1341.500000,1331.000000,1340.430054,1340.430054,1966450000 +2011-02-18,1340.380005,1344.069946,1338.119995,1343.010010,1343.010010,1162310000 +2011-02-22,1338.910034,1338.910034,1312.329956,1315.439941,1315.439941,1322780000 +2011-02-23,1315.439941,1317.910034,1299.550049,1307.400024,1307.400024,1330340000 +2011-02-24,1307.089966,1310.910034,1294.260010,1306.099976,1306.099976,1222900000 +2011-02-25,1307.339966,1320.609985,1307.339966,1319.880005,1319.880005,3836030000 +2011-02-28,1321.609985,1329.380005,1320.550049,1327.219971,1327.219971,1252850000 +2011-03-01,1328.640015,1332.089966,1306.140015,1306.329956,1306.329956,1180420000 +2011-03-02,1305.469971,1314.189941,1302.579956,1308.439941,1308.439941,1025000000 +2011-03-03,1312.369995,1332.280029,1312.369995,1330.969971,1330.969971,4340470000 +2011-03-04,1330.729980,1331.079956,1312.589966,1321.150024,1321.150024,4223740000 +2011-03-07,1322.719971,1327.680054,1303.989990,1310.130005,1310.130005,3964730000 +2011-03-08,1311.050049,1325.739990,1306.859985,1321.819946,1321.819946,4531420000 +2011-03-09,1319.920044,1323.209961,1312.270020,1320.020020,1320.020020,3709520000 +2011-03-10,1315.719971,1315.719971,1294.209961,1295.109985,1295.109985,4723020000 +2011-03-11,1293.430054,1308.349976,1291.989990,1304.280029,1304.280029,3740400000 +2011-03-14,1301.189941,1301.189941,1286.369995,1296.390015,1296.390015,4050370000 +2011-03-15,1288.459961,1288.459961,1261.119995,1281.869995,1281.869995,5201400000 +2011-03-16,1279.459961,1280.910034,1249.050049,1256.880005,1256.880005,5833000000 +2011-03-17,1261.609985,1278.880005,1261.609985,1273.719971,1273.719971,4134950000 +2011-03-18,1276.709961,1288.880005,1276.180054,1279.209961,1279.209961,4685500000 +2011-03-21,1281.650024,1300.579956,1281.650024,1298.380005,1298.380005,4223730000 +2011-03-22,1298.290039,1299.349976,1292.699951,1293.770020,1293.770020,3576550000 +2011-03-23,1292.189941,1300.510010,1284.050049,1297.540039,1297.540039,3842350000 +2011-03-24,1300.609985,1311.339966,1297.739990,1309.660034,1309.660034,4223740000 +2011-03-25,1311.800049,1319.180054,1310.150024,1313.800049,1313.800049,4223740000 +2011-03-28,1315.449951,1319.739990,1310.189941,1310.189941,1310.189941,3215170000 +2011-03-29,1309.369995,1319.449951,1305.260010,1319.439941,1319.439941,3482580000 +2011-03-30,1321.890015,1331.739990,1321.890015,1328.260010,1328.260010,3809570000 +2011-03-31,1327.439941,1329.770020,1325.030029,1325.829956,1325.829956,3566270000 +2011-04-01,1329.479980,1337.849976,1328.890015,1332.410034,1332.410034,4223740000 +2011-04-04,1333.560059,1336.739990,1329.099976,1332.869995,1332.869995,4223740000 +2011-04-05,1332.030029,1338.209961,1330.030029,1332.630005,1332.630005,3852280000 +2011-04-06,1335.939941,1339.380005,1331.089966,1335.540039,1335.540039,4223740000 +2011-04-07,1334.819946,1338.800049,1326.560059,1333.510010,1333.510010,4005600000 +2011-04-08,1336.160034,1339.459961,1322.939941,1328.170044,1328.170044,3582810000 +2011-04-11,1329.010010,1333.770020,1321.060059,1324.459961,1324.459961,3478970000 +2011-04-12,1321.959961,1321.959961,1309.510010,1314.160034,1314.160034,4275490000 +2011-04-13,1314.030029,1321.349976,1309.189941,1314.410034,1314.410034,3850860000 +2011-04-14,1311.130005,1316.790039,1302.420044,1314.520020,1314.520020,3872630000 +2011-04-15,1314.540039,1322.880005,1313.680054,1319.680054,1319.680054,4223740000 +2011-04-18,1313.349976,1313.349976,1294.699951,1305.140015,1305.140015,4223740000 +2011-04-19,1305.989990,1312.699951,1303.969971,1312.619995,1312.619995,3886300000 +2011-04-20,1319.119995,1332.660034,1319.119995,1330.359985,1330.359985,4236280000 +2011-04-21,1333.229980,1337.489990,1332.829956,1337.380005,1337.380005,3587240000 +2011-04-25,1337.140015,1337.550049,1331.469971,1335.250000,1335.250000,2142130000 +2011-04-26,1336.750000,1349.550049,1336.750000,1347.239990,1347.239990,3908060000 +2011-04-27,1348.430054,1357.489990,1344.250000,1355.660034,1355.660034,4051570000 +2011-04-28,1353.859985,1361.709961,1353.599976,1360.479980,1360.479980,4036820000 +2011-04-29,1360.140015,1364.560059,1358.689941,1363.609985,1363.609985,3479070000 +2011-05-02,1365.209961,1370.579956,1358.589966,1361.219971,1361.219971,3846250000 +2011-05-03,1359.760010,1360.839966,1349.520020,1356.619995,1356.619995,4223740000 +2011-05-04,1355.900024,1355.900024,1341.500000,1347.319946,1347.319946,4223740000 +2011-05-05,1344.160034,1348.000000,1329.170044,1335.099976,1335.099976,3846250000 +2011-05-06,1340.239990,1354.359985,1335.579956,1340.199951,1340.199951,4223740000 +2011-05-09,1340.199951,1349.439941,1338.640015,1346.290039,1346.290039,4265250000 +2011-05-10,1348.339966,1359.439941,1348.339966,1357.160034,1357.160034,4223740000 +2011-05-11,1354.510010,1354.510010,1336.359985,1342.079956,1342.079956,3846250000 +2011-05-12,1339.390015,1351.050049,1332.030029,1348.650024,1348.650024,3777210000 +2011-05-13,1348.689941,1350.469971,1333.359985,1337.770020,1337.770020,3426660000 +2011-05-16,1334.770020,1343.329956,1327.319946,1329.469971,1329.469971,3846250000 +2011-05-17,1326.099976,1330.420044,1318.510010,1328.979980,1328.979980,4053970000 +2011-05-18,1328.540039,1341.819946,1326.589966,1340.680054,1340.680054,3922030000 +2011-05-19,1342.400024,1346.819946,1336.359985,1343.599976,1343.599976,3626110000 +2011-05-20,1342.000000,1342.000000,1330.670044,1333.270020,1333.270020,4066020000 +2011-05-23,1333.069946,1333.069946,1312.880005,1317.369995,1317.369995,3255580000 +2011-05-24,1317.699951,1323.719971,1313.869995,1316.280029,1316.280029,3846250000 +2011-05-25,1316.359985,1325.859985,1311.800049,1320.469971,1320.469971,4109670000 +2011-05-26,1320.640015,1328.510010,1314.410034,1325.689941,1325.689941,3259470000 +2011-05-27,1325.689941,1334.619995,1325.689941,1331.099976,1331.099976,3124560000 +2011-05-31,1331.099976,1345.199951,1331.099976,1345.199951,1345.199951,4696240000 +2011-06-01,1345.199951,1345.199951,1313.709961,1314.550049,1314.550049,4241090000 +2011-06-02,1314.550049,1318.030029,1305.609985,1312.939941,1312.939941,3762170000 +2011-06-03,1312.939941,1312.939941,1297.900024,1300.160034,1300.160034,3505030000 +2011-06-06,1300.260010,1300.260010,1284.719971,1286.170044,1286.170044,3555980000 +2011-06-07,1286.310059,1296.219971,1284.739990,1284.939941,1284.939941,3846250000 +2011-06-08,1284.630005,1287.040039,1277.420044,1279.560059,1279.560059,3970810000 +2011-06-09,1279.630005,1294.540039,1279.630005,1289.000000,1289.000000,3332510000 +2011-06-10,1288.599976,1288.599976,1268.280029,1270.979980,1270.979980,3846250000 +2011-06-13,1271.310059,1277.040039,1265.640015,1271.829956,1271.829956,4132520000 +2011-06-14,1272.219971,1292.500000,1272.219971,1287.869995,1287.869995,3500280000 +2011-06-15,1287.869995,1287.869995,1261.900024,1265.420044,1265.420044,4070500000 +2011-06-16,1265.530029,1274.109985,1258.069946,1267.640015,1267.640015,3846250000 +2011-06-17,1268.579956,1279.819946,1267.400024,1271.500000,1271.500000,4916460000 +2011-06-20,1271.500000,1280.420044,1267.560059,1278.359985,1278.359985,3464660000 +2011-06-21,1278.400024,1297.619995,1278.400024,1295.520020,1295.520020,4056150000 +2011-06-22,1295.479980,1298.609985,1286.790039,1287.140015,1287.140015,3718420000 +2011-06-23,1286.599976,1286.599976,1262.869995,1283.500000,1283.500000,4983450000 +2011-06-24,1283.040039,1283.930054,1267.239990,1268.449951,1268.449951,3665340000 +2011-06-27,1268.439941,1284.910034,1267.530029,1280.099976,1280.099976,3479070000 +2011-06-28,1280.209961,1296.800049,1280.209961,1296.670044,1296.670044,3681500000 +2011-06-29,1296.849976,1309.209961,1296.849976,1307.410034,1307.410034,4347540000 +2011-06-30,1307.640015,1321.969971,1307.640015,1320.640015,1320.640015,4200500000 +2011-07-01,1320.640015,1341.010010,1318.180054,1339.670044,1339.670044,3796930000 +2011-07-05,1339.589966,1340.890015,1334.300049,1337.880005,1337.880005,3722320000 +2011-07-06,1337.560059,1340.939941,1330.920044,1339.219971,1339.219971,3564190000 +2011-07-07,1339.619995,1356.479980,1339.619995,1353.219971,1353.219971,4069530000 +2011-07-08,1352.390015,1352.390015,1333.709961,1343.800049,1343.800049,3594360000 +2011-07-11,1343.310059,1343.310059,1316.420044,1319.489990,1319.489990,3879130000 +2011-07-12,1319.609985,1327.170044,1313.329956,1313.640015,1313.640015,4227890000 +2011-07-13,1314.449951,1331.479980,1314.449951,1317.719971,1317.719971,4060080000 +2011-07-14,1317.739990,1326.880005,1306.510010,1308.869995,1308.869995,4358570000 +2011-07-15,1308.869995,1317.699951,1307.520020,1316.140015,1316.140015,4242760000 +2011-07-18,1315.939941,1315.939941,1295.920044,1305.439941,1305.439941,4118160000 +2011-07-19,1307.069946,1328.140015,1307.069946,1326.729980,1326.729980,4304600000 +2011-07-20,1328.660034,1330.430054,1323.650024,1325.839966,1325.839966,3767420000 +2011-07-21,1325.650024,1347.000000,1325.650024,1343.800049,1343.800049,4837430000 +2011-07-22,1343.800049,1346.099976,1336.949951,1345.020020,1345.020020,3522830000 +2011-07-25,1344.319946,1344.319946,1331.089966,1337.430054,1337.430054,3536890000 +2011-07-26,1337.390015,1338.510010,1329.589966,1331.939941,1331.939941,4007050000 +2011-07-27,1331.910034,1331.910034,1303.489990,1304.890015,1304.890015,3479040000 +2011-07-28,1304.839966,1316.319946,1299.160034,1300.670044,1300.670044,4951800000 +2011-07-29,1300.119995,1304.160034,1282.859985,1292.280029,1292.280029,5061190000 +2011-08-01,1292.589966,1307.380005,1274.729980,1286.939941,1286.939941,4967390000 +2011-08-02,1286.560059,1286.560059,1254.030029,1254.050049,1254.050049,5206290000 +2011-08-03,1254.250000,1261.199951,1234.560059,1260.339966,1260.339966,6446940000 +2011-08-04,1260.229980,1260.229980,1199.540039,1200.069946,1200.069946,4266530000 +2011-08-05,1200.280029,1218.109985,1168.089966,1199.380005,1199.380005,5454590000 +2011-08-08,1198.479980,1198.479980,1119.280029,1119.459961,1119.459961,2615150000 +2011-08-09,1120.229980,1172.880005,1101.540039,1172.530029,1172.530029,2366660000 +2011-08-10,1171.770020,1171.770020,1118.010010,1120.760010,1120.760010,5018070000 +2011-08-11,1121.300049,1186.290039,1121.300049,1172.640015,1172.640015,3685050000 +2011-08-12,1172.869995,1189.040039,1170.739990,1178.810059,1178.810059,5640380000 +2011-08-15,1178.859985,1204.489990,1178.859985,1204.489990,1204.489990,4272850000 +2011-08-16,1204.219971,1204.219971,1180.530029,1192.760010,1192.760010,5071600000 +2011-08-17,1192.890015,1208.469971,1184.359985,1193.890015,1193.890015,4388340000 +2011-08-18,1189.619995,1189.619995,1131.030029,1140.650024,1140.650024,3234810000 +2011-08-19,1140.469971,1154.540039,1122.050049,1123.530029,1123.530029,5167560000 +2011-08-22,1123.550049,1145.489990,1121.089966,1123.819946,1123.819946,5436260000 +2011-08-23,1124.359985,1162.349976,1124.359985,1162.349976,1162.349976,5013170000 +2011-08-24,1162.160034,1178.560059,1156.300049,1177.599976,1177.599976,5315310000 +2011-08-25,1176.689941,1190.680054,1155.469971,1159.270020,1159.270020,5748420000 +2011-08-26,1158.849976,1181.229980,1135.910034,1176.800049,1176.800049,5035320000 +2011-08-29,1177.910034,1210.280029,1177.910034,1210.079956,1210.079956,4228070000 +2011-08-30,1209.760010,1220.099976,1195.770020,1212.920044,1212.920044,4572570000 +2011-08-31,1213.000000,1230.709961,1209.349976,1218.890015,1218.890015,5267840000 +2011-09-01,1219.119995,1229.290039,1203.849976,1204.420044,1204.420044,4780410000 +2011-09-02,1203.900024,1203.900024,1170.560059,1173.969971,1173.969971,4401740000 +2011-09-06,1173.969971,1173.969971,1140.130005,1165.239990,1165.239990,5103980000 +2011-09-07,1165.849976,1198.619995,1165.849976,1198.619995,1198.619995,4441040000 +2011-09-08,1197.979980,1204.400024,1183.339966,1185.900024,1185.900024,4465170000 +2011-09-09,1185.369995,1185.369995,1148.369995,1154.229980,1154.229980,4586370000 +2011-09-12,1153.500000,1162.520020,1136.069946,1162.270020,1162.270020,5168550000 +2011-09-13,1162.589966,1176.410034,1157.439941,1172.869995,1172.869995,4681370000 +2011-09-14,1173.319946,1202.380005,1162.729980,1188.680054,1188.680054,4986740000 +2011-09-15,1189.439941,1209.109985,1189.439941,1209.109985,1209.109985,4479730000 +2011-09-16,1209.209961,1220.060059,1204.459961,1216.010010,1216.010010,5248890000 +2011-09-19,1214.989990,1214.989990,1188.359985,1204.089966,1204.089966,4254190000 +2011-09-20,1204.500000,1220.390015,1201.290039,1202.089966,1202.089966,4315610000 +2011-09-21,1203.630005,1206.300049,1166.209961,1166.760010,1166.760010,4728550000 +2011-09-22,1164.550049,1164.550049,1114.219971,1129.560059,1129.560059,6703140000 +2011-09-23,1128.819946,1141.719971,1121.359985,1136.430054,1136.430054,5639930000 +2011-09-26,1136.910034,1164.189941,1131.069946,1162.949951,1162.949951,4762830000 +2011-09-27,1163.319946,1195.859985,1163.319946,1175.380005,1175.380005,5548130000 +2011-09-28,1175.390015,1184.709961,1150.400024,1151.060059,1151.060059,4787920000 +2011-09-29,1151.739990,1175.869995,1139.930054,1160.400024,1160.400024,5285740000 +2011-09-30,1159.930054,1159.930054,1131.339966,1131.420044,1131.420044,4416790000 +2011-10-03,1131.209961,1138.989990,1098.920044,1099.229980,1099.229980,5670340000 +2011-10-04,1097.420044,1125.119995,1074.770020,1123.949951,1123.949951,3714670000 +2011-10-05,1124.030029,1146.069946,1115.680054,1144.030029,1144.030029,2510620000 +2011-10-06,1144.109985,1165.550049,1134.949951,1164.969971,1164.969971,5098330000 +2011-10-07,1165.030029,1171.400024,1150.260010,1155.459961,1155.459961,5580380000 +2011-10-10,1158.150024,1194.910034,1158.150024,1194.890015,1194.890015,4446800000 +2011-10-11,1194.599976,1199.239990,1187.300049,1195.540039,1195.540039,4424500000 +2011-10-12,1196.189941,1220.250000,1196.189941,1207.250000,1207.250000,5355360000 +2011-10-13,1206.959961,1207.459961,1190.579956,1203.660034,1203.660034,4436270000 +2011-10-14,1205.650024,1224.609985,1205.650024,1224.579956,1224.579956,4116690000 +2011-10-17,1224.469971,1224.469971,1198.550049,1200.859985,1200.859985,4300700000 +2011-10-18,1200.750000,1233.099976,1191.479980,1225.380005,1225.380005,4840170000 +2011-10-19,1223.459961,1229.640015,1206.310059,1209.880005,1209.880005,4846390000 +2011-10-20,1209.920044,1219.530029,1197.339966,1215.390015,1215.390015,4870290000 +2011-10-21,1215.390015,1239.030029,1215.390015,1238.250000,1238.250000,4980770000 +2011-10-24,1238.719971,1256.550049,1238.719971,1254.189941,1254.189941,4309380000 +2011-10-25,1254.189941,1254.189941,1226.790039,1229.050049,1229.050049,4473970000 +2011-10-26,1229.170044,1246.280029,1221.060059,1242.000000,1242.000000,4873530000 +2011-10-27,1243.969971,1292.660034,1243.969971,1284.589966,1284.589966,6367610000 +2011-10-28,1284.390015,1287.079956,1277.010010,1285.089966,1285.089966,4536690000 +2011-10-31,1284.959961,1284.959961,1253.160034,1253.300049,1253.300049,4310210000 +2011-11-01,1251.000000,1251.000000,1215.420044,1218.280029,1218.280029,5645540000 +2011-11-02,1219.619995,1242.479980,1219.619995,1237.900024,1237.900024,4110530000 +2011-11-03,1238.250000,1263.209961,1234.810059,1261.150024,1261.150024,4849140000 +2011-11-04,1260.819946,1260.819946,1238.920044,1253.229980,1253.229980,3830650000 +2011-11-07,1253.209961,1261.699951,1240.750000,1261.119995,1261.119995,3429740000 +2011-11-08,1261.119995,1277.550049,1254.989990,1275.920044,1275.920044,3908490000 +2011-11-09,1275.180054,1275.180054,1226.640015,1229.099976,1229.099976,4659740000 +2011-11-10,1229.589966,1246.219971,1227.699951,1239.699951,1239.699951,4002760000 +2011-11-11,1240.119995,1266.979980,1240.119995,1263.849976,1263.849976,3370180000 +2011-11-14,1263.849976,1263.849976,1246.680054,1251.780029,1251.780029,3219680000 +2011-11-15,1251.699951,1264.250000,1244.339966,1257.810059,1257.810059,3599300000 +2011-11-16,1257.810059,1259.609985,1235.670044,1236.910034,1236.910034,4085010000 +2011-11-17,1236.560059,1237.729980,1209.430054,1216.130005,1216.130005,4596450000 +2011-11-18,1216.189941,1223.510010,1211.359985,1215.650024,1215.650024,3827610000 +2011-11-21,1215.619995,1215.619995,1183.160034,1192.979980,1192.979980,4050070000 +2011-11-22,1192.979980,1196.810059,1181.650024,1188.040039,1188.040039,3911710000 +2011-11-23,1187.479980,1187.479980,1161.790039,1161.790039,1161.790039,3798940000 +2011-11-25,1161.410034,1172.660034,1158.660034,1158.670044,1158.670044,1664200000 +2011-11-28,1158.670044,1197.349976,1158.670044,1192.550049,1192.550049,3920750000 +2011-11-29,1192.560059,1203.670044,1191.800049,1195.189941,1195.189941,3992650000 +2011-11-30,1196.719971,1247.109985,1196.719971,1246.959961,1246.959961,5801910000 +2011-12-01,1246.910034,1251.089966,1239.729980,1244.579956,1244.579956,3818680000 +2011-12-02,1246.030029,1260.079956,1243.349976,1244.280029,1244.280029,4144310000 +2011-12-05,1244.329956,1266.729980,1244.329956,1257.079956,1257.079956,4148060000 +2011-12-06,1257.189941,1266.030029,1253.030029,1258.469971,1258.469971,3734230000 +2011-12-07,1258.140015,1267.060059,1244.800049,1261.010010,1261.010010,4160540000 +2011-12-08,1260.869995,1260.869995,1231.469971,1234.349976,1234.349976,4298370000 +2011-12-09,1234.479980,1258.250000,1234.479980,1255.189941,1255.189941,3830610000 +2011-12-12,1255.050049,1255.050049,1227.250000,1236.469971,1236.469971,3600570000 +2011-12-13,1236.829956,1249.859985,1219.430054,1225.729980,1225.729980,4121570000 +2011-12-14,1225.729980,1225.729980,1209.469971,1211.819946,1211.819946,4298290000 +2011-12-15,1212.119995,1225.599976,1212.119995,1215.750000,1215.750000,3810340000 +2011-12-16,1216.089966,1231.040039,1215.199951,1219.660034,1219.660034,5345800000 +2011-12-19,1219.739990,1224.569946,1202.369995,1205.349976,1205.349976,3659820000 +2011-12-20,1205.719971,1242.819946,1205.719971,1241.300049,1241.300049,4055590000 +2011-12-21,1241.250000,1245.089966,1229.510010,1243.719971,1243.719971,2959020000 +2011-12-22,1243.719971,1255.219971,1243.719971,1254.000000,1254.000000,3492250000 +2011-12-23,1254.000000,1265.420044,1254.000000,1265.329956,1265.329956,2233830000 +2011-12-27,1265.020020,1269.369995,1262.300049,1265.430054,1265.430054,2130590000 +2011-12-28,1265.380005,1265.849976,1248.640015,1249.640015,1249.640015,2349980000 +2011-12-29,1249.750000,1263.540039,1249.750000,1263.020020,1263.020020,2278130000 +2011-12-30,1262.819946,1264.119995,1257.459961,1257.599976,1257.599976,2271850000 +2012-01-03,1258.859985,1284.619995,1258.859985,1277.060059,1277.060059,3943710000 +2012-01-04,1277.030029,1278.729980,1268.099976,1277.300049,1277.300049,3592580000 +2012-01-05,1277.300049,1283.050049,1265.260010,1281.060059,1281.060059,4315950000 +2012-01-06,1280.930054,1281.839966,1273.339966,1277.810059,1277.810059,3656830000 +2012-01-09,1277.829956,1281.989990,1274.550049,1280.699951,1280.699951,3371600000 +2012-01-10,1280.770020,1296.459961,1280.770020,1292.079956,1292.079956,4221960000 +2012-01-11,1292.020020,1293.800049,1285.410034,1292.479980,1292.479980,3968120000 +2012-01-12,1292.479980,1296.819946,1285.770020,1295.500000,1295.500000,4019890000 +2012-01-13,1294.819946,1294.819946,1277.579956,1289.089966,1289.089966,3692370000 +2012-01-17,1290.219971,1303.000000,1290.219971,1293.670044,1293.670044,4010490000 +2012-01-18,1293.650024,1308.109985,1290.989990,1308.040039,1308.040039,4096160000 +2012-01-19,1308.069946,1315.489990,1308.069946,1314.500000,1314.500000,4465890000 +2012-01-20,1314.489990,1315.380005,1309.170044,1315.380005,1315.380005,3912620000 +2012-01-23,1315.290039,1322.280029,1309.890015,1316.000000,1316.000000,3770910000 +2012-01-24,1315.959961,1315.959961,1306.060059,1314.650024,1314.650024,3693560000 +2012-01-25,1314.400024,1328.300049,1307.650024,1326.060059,1326.060059,4410910000 +2012-01-26,1326.280029,1333.469971,1313.599976,1318.430054,1318.430054,4522070000 +2012-01-27,1318.250000,1320.060059,1311.719971,1316.329956,1316.329956,4007380000 +2012-01-30,1316.160034,1316.160034,1300.489990,1313.010010,1313.010010,3659010000 +2012-01-31,1313.530029,1321.410034,1306.689941,1312.410034,1312.410034,4235550000 +2012-02-01,1312.449951,1330.520020,1312.449951,1324.089966,1324.089966,4504360000 +2012-02-02,1324.239990,1329.189941,1321.569946,1325.540039,1325.540039,4120920000 +2012-02-03,1326.209961,1345.339966,1326.209961,1344.900024,1344.900024,4608550000 +2012-02-06,1344.319946,1344.359985,1337.520020,1344.329956,1344.329956,3379700000 +2012-02-07,1344.329956,1349.239990,1335.920044,1347.050049,1347.050049,3742460000 +2012-02-08,1347.040039,1351.000000,1341.949951,1349.959961,1349.959961,4096730000 +2012-02-09,1349.969971,1354.319946,1344.630005,1351.949951,1351.949951,4209890000 +2012-02-10,1351.209961,1351.209961,1337.349976,1342.640015,1342.640015,3877580000 +2012-02-13,1343.060059,1353.349976,1343.060059,1351.770020,1351.770020,3618040000 +2012-02-14,1351.300049,1351.300049,1340.829956,1350.500000,1350.500000,3889520000 +2012-02-15,1350.520020,1355.869995,1340.800049,1343.229980,1343.229980,4080340000 +2012-02-16,1342.609985,1359.020020,1341.219971,1358.040039,1358.040039,4108880000 +2012-02-17,1358.060059,1363.400024,1357.239990,1361.229980,1361.229980,3717640000 +2012-02-21,1361.219971,1367.760010,1358.109985,1362.209961,1362.209961,3795200000 +2012-02-22,1362.109985,1362.699951,1355.530029,1357.660034,1357.660034,3633710000 +2012-02-23,1357.530029,1364.239990,1352.280029,1363.459961,1363.459961,3786450000 +2012-02-24,1363.459961,1368.920044,1363.459961,1365.739990,1365.739990,3505360000 +2012-02-27,1365.199951,1371.939941,1354.920044,1367.589966,1367.589966,3648890000 +2012-02-28,1367.560059,1373.089966,1365.969971,1372.180054,1372.180054,3579120000 +2012-02-29,1372.199951,1378.040039,1363.810059,1365.680054,1365.680054,4482370000 +2012-03-01,1365.900024,1376.170044,1365.900024,1374.089966,1374.089966,3919240000 +2012-03-02,1374.089966,1374.530029,1366.420044,1369.630005,1369.630005,3283490000 +2012-03-05,1369.589966,1369.589966,1359.130005,1364.329956,1364.329956,3429480000 +2012-03-06,1363.630005,1363.630005,1340.030029,1343.359985,1343.359985,4191060000 +2012-03-07,1343.390015,1354.849976,1343.390015,1352.630005,1352.630005,3580380000 +2012-03-08,1352.650024,1368.719971,1352.650024,1365.910034,1365.910034,3543060000 +2012-03-09,1365.969971,1374.760010,1365.969971,1370.869995,1370.869995,3639470000 +2012-03-12,1370.780029,1373.040039,1366.689941,1371.089966,1371.089966,3081870000 +2012-03-13,1371.920044,1396.130005,1371.920044,1395.949951,1395.949951,4386470000 +2012-03-14,1395.949951,1399.420044,1389.969971,1394.280029,1394.280029,4502280000 +2012-03-15,1394.170044,1402.630005,1392.780029,1402.599976,1402.599976,4271650000 +2012-03-16,1402.550049,1405.880005,1401.469971,1404.170044,1404.170044,5163950000 +2012-03-19,1404.170044,1414.000000,1402.430054,1409.750000,1409.750000,3932570000 +2012-03-20,1409.589966,1409.589966,1397.680054,1405.520020,1405.520020,3695280000 +2012-03-21,1405.520020,1407.750000,1400.640015,1402.890015,1402.890015,3573590000 +2012-03-22,1402.890015,1402.890015,1388.729980,1392.780029,1392.780029,3740590000 +2012-03-23,1392.780029,1399.180054,1386.869995,1397.109985,1397.109985,3472950000 +2012-03-26,1397.109985,1416.579956,1397.109985,1416.510010,1416.510010,3576950000 +2012-03-27,1416.550049,1419.150024,1411.949951,1412.520020,1412.520020,3513640000 +2012-03-28,1412.520020,1413.650024,1397.199951,1405.540039,1405.540039,3892800000 +2012-03-29,1405.390015,1405.390015,1391.560059,1403.280029,1403.280029,3832000000 +2012-03-30,1403.310059,1410.890015,1401.420044,1408.469971,1408.469971,3676890000 +2012-04-02,1408.469971,1422.380005,1404.459961,1419.040039,1419.040039,3572010000 +2012-04-03,1418.979980,1419.000000,1404.619995,1413.380005,1413.380005,3822090000 +2012-04-04,1413.089966,1413.089966,1394.089966,1398.959961,1398.959961,3938290000 +2012-04-05,1398.790039,1401.599976,1392.920044,1398.079956,1398.079956,3303740000 +2012-04-09,1397.449951,1397.449951,1378.239990,1382.199951,1382.199951,3468980000 +2012-04-10,1382.180054,1383.010010,1357.380005,1358.589966,1358.589966,4631730000 +2012-04-11,1358.979980,1374.709961,1358.979980,1368.709961,1368.709961,3743040000 +2012-04-12,1368.770020,1388.130005,1368.770020,1387.569946,1387.569946,3618280000 +2012-04-13,1387.609985,1387.609985,1369.849976,1370.260010,1370.260010,3631160000 +2012-04-16,1370.270020,1379.660034,1365.380005,1369.569946,1369.569946,3574780000 +2012-04-17,1369.569946,1392.760010,1369.569946,1390.780029,1390.780029,3456200000 +2012-04-18,1390.780029,1390.780029,1383.290039,1385.140015,1385.140015,3463140000 +2012-04-19,1385.079956,1390.459961,1370.300049,1376.920044,1376.920044,4180020000 +2012-04-20,1376.959961,1387.400024,1376.959961,1378.530029,1378.530029,3833320000 +2012-04-23,1378.530029,1378.530029,1358.790039,1366.939941,1366.939941,3654860000 +2012-04-24,1366.969971,1375.569946,1366.819946,1371.969971,1371.969971,3617100000 +2012-04-25,1372.109985,1391.369995,1372.109985,1390.689941,1390.689941,3998430000 +2012-04-26,1390.640015,1402.089966,1387.280029,1399.979980,1399.979980,4034700000 +2012-04-27,1400.189941,1406.640015,1397.310059,1403.359985,1403.359985,3645830000 +2012-04-30,1403.260010,1403.260010,1394.000000,1397.910034,1397.910034,3574010000 +2012-05-01,1397.859985,1415.319946,1395.729980,1405.819946,1405.819946,3807950000 +2012-05-02,1405.500000,1405.500000,1393.920044,1402.310059,1402.310059,3803860000 +2012-05-03,1402.319946,1403.069946,1388.709961,1391.569946,1391.569946,4004910000 +2012-05-04,1391.510010,1391.510010,1367.959961,1369.099976,1369.099976,3975140000 +2012-05-07,1368.790039,1373.910034,1363.939941,1369.579956,1369.579956,3559390000 +2012-05-08,1369.160034,1369.160034,1347.750000,1363.719971,1363.719971,4261670000 +2012-05-09,1363.199951,1363.729980,1343.130005,1354.579956,1354.579956,4288540000 +2012-05-10,1354.579956,1365.880005,1354.579956,1357.989990,1357.989990,3727990000 +2012-05-11,1358.109985,1365.660034,1348.890015,1353.390015,1353.390015,3869070000 +2012-05-14,1351.930054,1351.930054,1336.609985,1338.349976,1338.349976,3688120000 +2012-05-15,1338.359985,1344.939941,1328.410034,1330.660034,1330.660034,4114040000 +2012-05-16,1330.780029,1341.780029,1324.790039,1324.800049,1324.800049,4280420000 +2012-05-17,1324.819946,1326.359985,1304.859985,1304.859985,1304.859985,4664280000 +2012-05-18,1305.050049,1312.239990,1291.979980,1295.219971,1295.219971,4512470000 +2012-05-21,1295.729980,1316.390015,1295.729980,1315.989990,1315.989990,3786750000 +2012-05-22,1316.089966,1328.489990,1310.040039,1316.630005,1316.630005,4123680000 +2012-05-23,1316.020020,1320.709961,1296.530029,1318.859985,1318.859985,4108330000 +2012-05-24,1318.719971,1324.140015,1310.500000,1320.680054,1320.680054,3937670000 +2012-05-25,1320.810059,1324.199951,1314.229980,1317.819946,1317.819946,2872660000 +2012-05-29,1318.900024,1334.930054,1318.900024,1332.420044,1332.420044,3441640000 +2012-05-30,1331.250000,1331.250000,1310.760010,1313.319946,1313.319946,3534290000 +2012-05-31,1313.089966,1319.739990,1298.900024,1310.329956,1310.329956,4557620000 +2012-06-01,1309.869995,1309.869995,1277.250000,1278.040039,1278.040039,4669350000 +2012-06-04,1278.290039,1282.550049,1266.739990,1278.180054,1278.180054,4011960000 +2012-06-05,1277.819946,1287.619995,1274.160034,1285.500000,1285.500000,3403230000 +2012-06-06,1285.609985,1315.130005,1285.609985,1315.130005,1315.130005,4268360000 +2012-06-07,1316.150024,1329.050049,1312.680054,1314.989990,1314.989990,4258140000 +2012-06-08,1314.989990,1325.810059,1307.770020,1325.660034,1325.660034,3497190000 +2012-06-11,1325.719971,1335.520020,1307.729980,1308.930054,1308.930054,3537530000 +2012-06-12,1309.400024,1324.310059,1306.619995,1324.180054,1324.180054,3442920000 +2012-06-13,1324.020020,1327.280029,1310.510010,1314.880005,1314.880005,3506510000 +2012-06-14,1314.880005,1333.680054,1314.140015,1329.099976,1329.099976,3687720000 +2012-06-15,1329.189941,1343.319946,1329.189941,1342.839966,1342.839966,4401570000 +2012-06-18,1342.420044,1348.219971,1334.459961,1344.780029,1344.780029,3259430000 +2012-06-19,1344.829956,1363.459961,1344.829956,1357.979980,1357.979980,3815350000 +2012-06-20,1358.040039,1361.569946,1346.449951,1355.689941,1355.689941,3695700000 +2012-06-21,1355.430054,1358.270020,1324.410034,1325.510010,1325.510010,4094470000 +2012-06-22,1325.920044,1337.819946,1325.920044,1335.020020,1335.020020,5271490000 +2012-06-25,1334.900024,1334.900024,1309.270020,1313.719971,1313.719971,3501820000 +2012-06-26,1314.089966,1324.239990,1310.300049,1319.989990,1319.989990,3412940000 +2012-06-27,1320.709961,1334.400024,1320.709961,1331.849976,1331.849976,3286910000 +2012-06-28,1331.520020,1331.520020,1313.290039,1329.040039,1329.040039,3969370000 +2012-06-29,1330.119995,1362.170044,1330.119995,1362.160034,1362.160034,4590480000 +2012-07-02,1362.329956,1366.349976,1355.699951,1365.510010,1365.510010,3301650000 +2012-07-03,1365.750000,1374.810059,1363.530029,1374.020020,1374.020020,2116390000 +2012-07-05,1373.719971,1373.849976,1363.020020,1367.579956,1367.579956,3041520000 +2012-07-06,1367.089966,1367.089966,1348.030029,1354.680054,1354.680054,2745140000 +2012-07-09,1354.660034,1354.869995,1346.650024,1352.459961,1352.459961,2904860000 +2012-07-10,1352.959961,1361.540039,1336.270020,1341.469971,1341.469971,3470600000 +2012-07-11,1341.400024,1345.000000,1333.250000,1341.449951,1341.449951,3426290000 +2012-07-12,1341.290039,1341.290039,1325.410034,1334.760010,1334.760010,3654440000 +2012-07-13,1334.810059,1357.699951,1334.810059,1356.780029,1356.780029,3212930000 +2012-07-16,1356.500000,1357.260010,1348.510010,1353.640015,1353.640015,2862720000 +2012-07-17,1353.680054,1365.359985,1345.069946,1363.670044,1363.670044,3566680000 +2012-07-18,1363.579956,1375.260010,1358.959961,1372.780029,1372.780029,3642630000 +2012-07-19,1373.010010,1380.390015,1371.209961,1376.510010,1376.510010,4043360000 +2012-07-20,1376.510010,1376.510010,1362.189941,1362.660034,1362.660034,3925020000 +2012-07-23,1362.339966,1362.339966,1337.560059,1350.520020,1350.520020,3717180000 +2012-07-24,1350.520020,1351.530029,1329.239990,1338.310059,1338.310059,3891290000 +2012-07-25,1338.349976,1343.979980,1331.500000,1337.890015,1337.890015,3719170000 +2012-07-26,1338.170044,1363.130005,1338.170044,1360.020020,1360.020020,4429300000 +2012-07-27,1360.050049,1389.189941,1360.050049,1385.969971,1385.969971,4399010000 +2012-07-30,1385.939941,1391.739990,1381.369995,1385.300049,1385.300049,3212060000 +2012-07-31,1385.270020,1387.160034,1379.170044,1379.319946,1379.319946,3821570000 +2012-08-01,1379.319946,1385.030029,1373.349976,1375.319946,1375.319946,4440920000 +2012-08-02,1375.130005,1375.130005,1354.650024,1365.000000,1365.000000,4193740000 +2012-08-03,1365.449951,1394.160034,1365.449951,1390.989990,1390.989990,3751170000 +2012-08-06,1391.040039,1399.630005,1391.040039,1394.229980,1394.229980,3122050000 +2012-08-07,1394.459961,1407.140015,1394.459961,1401.349976,1401.349976,3682490000 +2012-08-08,1401.229980,1404.140015,1396.130005,1402.219971,1402.219971,3221790000 +2012-08-09,1402.260010,1405.949951,1398.800049,1402.800049,1402.800049,3119610000 +2012-08-10,1402.579956,1405.979980,1395.619995,1405.869995,1405.869995,2767980000 +2012-08-13,1405.869995,1405.869995,1397.319946,1404.109985,1404.109985,2499990000 +2012-08-14,1404.359985,1410.030029,1400.599976,1403.930054,1403.930054,2930900000 +2012-08-15,1403.890015,1407.729980,1401.829956,1405.530029,1405.530029,2655750000 +2012-08-16,1405.569946,1417.439941,1404.150024,1415.510010,1415.510010,3114100000 +2012-08-17,1415.839966,1418.709961,1414.670044,1418.160034,1418.160034,2922990000 +2012-08-20,1417.849976,1418.130005,1412.119995,1418.130005,1418.130005,2766320000 +2012-08-21,1418.130005,1426.680054,1410.859985,1413.170044,1413.170044,3282950000 +2012-08-22,1413.089966,1416.119995,1406.780029,1413.489990,1413.489990,3062690000 +2012-08-23,1413.489990,1413.489990,1400.500000,1402.079956,1402.079956,3008240000 +2012-08-24,1401.989990,1413.459961,1398.040039,1411.130005,1411.130005,2598790000 +2012-08-27,1411.130005,1416.170044,1409.109985,1410.439941,1410.439941,2472500000 +2012-08-28,1410.439941,1413.630005,1405.589966,1409.300049,1409.300049,2629090000 +2012-08-29,1409.319946,1413.949951,1406.569946,1410.489990,1410.489990,2571220000 +2012-08-30,1410.079956,1410.079956,1397.010010,1399.479980,1399.479980,2530280000 +2012-08-31,1400.069946,1413.089966,1398.959961,1406.579956,1406.579956,2938250000 +2012-09-04,1406.540039,1409.310059,1396.560059,1404.939941,1404.939941,3200310000 +2012-09-05,1404.939941,1408.810059,1401.250000,1403.439941,1403.439941,3389110000 +2012-09-06,1403.739990,1432.119995,1403.739990,1432.119995,1432.119995,3952870000 +2012-09-07,1432.119995,1437.920044,1431.449951,1437.920044,1437.920044,3717620000 +2012-09-10,1437.920044,1438.739990,1428.979980,1429.079956,1429.079956,3223670000 +2012-09-11,1429.130005,1437.760010,1429.130005,1433.560059,1433.560059,3509630000 +2012-09-12,1433.560059,1439.150024,1432.989990,1436.560059,1436.560059,3641200000 +2012-09-13,1436.560059,1463.760010,1435.339966,1459.989990,1459.989990,4606550000 +2012-09-14,1460.069946,1474.510010,1460.069946,1465.770020,1465.770020,5041990000 +2012-09-17,1465.420044,1465.630005,1457.550049,1461.189941,1461.189941,3482430000 +2012-09-18,1461.189941,1461.469971,1456.130005,1459.319946,1459.319946,3377390000 +2012-09-19,1459.500000,1465.150024,1457.880005,1461.050049,1461.050049,3451360000 +2012-09-20,1461.050049,1461.229980,1449.979980,1460.260010,1460.260010,3382520000 +2012-09-21,1460.339966,1467.069946,1459.510010,1460.150024,1460.150024,4833870000 +2012-09-24,1459.760010,1460.719971,1452.060059,1456.890015,1456.890015,3008920000 +2012-09-25,1456.939941,1463.239990,1441.589966,1441.589966,1441.589966,3739900000 +2012-09-26,1441.599976,1441.599976,1430.530029,1433.319946,1433.319946,3565380000 +2012-09-27,1433.359985,1450.199951,1433.359985,1447.150024,1447.150024,3150330000 +2012-09-28,1447.130005,1447.130005,1435.599976,1440.670044,1440.670044,3509230000 +2012-10-01,1440.900024,1457.140015,1440.900024,1444.489990,1444.489990,3505080000 +2012-10-02,1444.989990,1451.520020,1439.010010,1445.750000,1445.750000,3321790000 +2012-10-03,1446.050049,1454.300049,1441.989990,1450.989990,1450.989990,3531640000 +2012-10-04,1451.079956,1463.140015,1451.079956,1461.400024,1461.400024,3615860000 +2012-10-05,1461.400024,1470.959961,1456.890015,1460.930054,1460.930054,3172940000 +2012-10-08,1460.930054,1460.930054,1453.099976,1455.880005,1455.880005,2328720000 +2012-10-09,1455.900024,1455.900024,1441.180054,1441.479980,1441.479980,3216320000 +2012-10-10,1441.479980,1442.520020,1430.640015,1432.560059,1432.560059,3225060000 +2012-10-11,1432.819946,1443.900024,1432.819946,1432.839966,1432.839966,3672540000 +2012-10-12,1432.839966,1438.430054,1425.530029,1428.589966,1428.589966,3134750000 +2012-10-15,1428.750000,1441.310059,1427.239990,1440.130005,1440.130005,3483810000 +2012-10-16,1440.310059,1455.510010,1440.310059,1454.920044,1454.920044,3568770000 +2012-10-17,1454.219971,1462.199951,1453.349976,1460.910034,1460.910034,3655320000 +2012-10-18,1460.939941,1464.020020,1452.630005,1457.339966,1457.339966,3880030000 +2012-10-19,1457.339966,1457.339966,1429.849976,1433.189941,1433.189941,3875170000 +2012-10-22,1433.209961,1435.459961,1422.060059,1433.819946,1433.819946,3216220000 +2012-10-23,1433.739990,1433.739990,1407.560059,1413.109985,1413.109985,3587670000 +2012-10-24,1413.199951,1420.040039,1407.099976,1408.750000,1408.750000,3385970000 +2012-10-25,1409.739990,1421.119995,1405.140015,1412.969971,1412.969971,3512640000 +2012-10-26,1412.969971,1417.089966,1403.280029,1411.939941,1411.939941,3284910000 +2012-10-31,1410.989990,1418.760010,1405.949951,1412.160034,1412.160034,3577110000 +2012-11-01,1412.199951,1428.349976,1412.199951,1427.589966,1427.589966,3929890000 +2012-11-02,1427.589966,1434.270020,1412.910034,1414.199951,1414.199951,3732480000 +2012-11-05,1414.020020,1419.900024,1408.130005,1417.260010,1417.260010,2921040000 +2012-11-06,1417.260010,1433.380005,1417.260010,1428.390015,1428.390015,3306970000 +2012-11-07,1428.270020,1428.270020,1388.140015,1394.530029,1394.530029,4356490000 +2012-11-08,1394.530029,1401.229980,1377.510010,1377.510010,1377.510010,3779520000 +2012-11-09,1377.550049,1391.390015,1373.030029,1379.849976,1379.849976,3647350000 +2012-11-12,1379.859985,1384.869995,1377.189941,1380.030029,1380.030029,2567540000 +2012-11-13,1380.030029,1388.810059,1371.390015,1374.530029,1374.530029,3455550000 +2012-11-14,1374.640015,1380.130005,1352.500000,1355.489990,1355.489990,4109510000 +2012-11-15,1355.410034,1360.619995,1348.050049,1353.329956,1353.329956,3928870000 +2012-11-16,1353.359985,1362.030029,1343.349976,1359.880005,1359.880005,4045910000 +2012-11-19,1359.880005,1386.890015,1359.880005,1386.890015,1386.890015,3374800000 +2012-11-20,1386.819946,1389.770020,1377.040039,1387.810059,1387.810059,3207160000 +2012-11-21,1387.790039,1391.250000,1386.390015,1391.030029,1391.030029,2667090000 +2012-11-23,1391.030029,1409.160034,1391.030029,1409.150024,1409.150024,1504960000 +2012-11-26,1409.150024,1409.150024,1397.680054,1406.290039,1406.290039,2948960000 +2012-11-27,1406.290039,1409.010010,1398.030029,1398.939941,1398.939941,3323120000 +2012-11-28,1398.770020,1410.310059,1385.430054,1409.930054,1409.930054,3359250000 +2012-11-29,1409.959961,1419.699951,1409.040039,1415.949951,1415.949951,3356850000 +2012-11-30,1415.949951,1418.859985,1411.630005,1416.180054,1416.180054,3966000000 +2012-12-03,1416.339966,1423.729980,1408.459961,1409.459961,1409.459961,3074280000 +2012-12-04,1409.459961,1413.140015,1403.650024,1407.050049,1407.050049,3247710000 +2012-12-05,1407.050049,1415.560059,1398.229980,1409.280029,1409.280029,4253920000 +2012-12-06,1409.430054,1413.949951,1405.930054,1413.939941,1413.939941,3229700000 +2012-12-07,1413.949951,1420.339966,1410.900024,1418.069946,1418.069946,3125160000 +2012-12-10,1418.069946,1421.640015,1415.640015,1418.550049,1418.550049,2999430000 +2012-12-11,1418.550049,1434.270020,1418.550049,1427.839966,1427.839966,3650230000 +2012-12-12,1427.839966,1438.589966,1426.760010,1428.479980,1428.479980,3709050000 +2012-12-13,1428.479980,1431.359985,1416.000000,1419.449951,1419.449951,3349960000 +2012-12-14,1419.449951,1419.449951,1411.880005,1413.579956,1413.579956,3210170000 +2012-12-17,1413.540039,1430.670044,1413.540039,1430.359985,1430.359985,3455610000 +2012-12-18,1430.469971,1448.000000,1430.469971,1446.790039,1446.790039,4302240000 +2012-12-19,1446.790039,1447.750000,1435.800049,1435.810059,1435.810059,3869800000 +2012-12-20,1435.810059,1443.699951,1432.819946,1443.689941,1443.689941,3686580000 +2012-12-21,1443.670044,1443.670044,1422.579956,1430.150024,1430.150024,5229160000 +2012-12-24,1430.150024,1430.150024,1424.660034,1426.660034,1426.660034,1248960000 +2012-12-26,1426.660034,1429.420044,1416.430054,1419.829956,1419.829956,2285030000 +2012-12-27,1419.829956,1422.800049,1401.800049,1418.099976,1418.099976,2830180000 +2012-12-28,1418.099976,1418.099976,1401.579956,1402.430054,1402.430054,2426680000 +2012-12-31,1402.430054,1426.739990,1398.109985,1426.189941,1426.189941,3204330000 +2013-01-02,1426.189941,1462.430054,1426.189941,1462.420044,1462.420044,4202600000 +2013-01-03,1462.420044,1465.469971,1455.530029,1459.369995,1459.369995,3829730000 +2013-01-04,1459.369995,1467.939941,1458.989990,1466.469971,1466.469971,3424290000 +2013-01-07,1466.469971,1466.469971,1456.619995,1461.890015,1461.890015,3304970000 +2013-01-08,1461.890015,1461.890015,1451.640015,1457.150024,1457.150024,3601600000 +2013-01-09,1457.150024,1464.729980,1457.150024,1461.020020,1461.020020,3674390000 +2013-01-10,1461.020020,1472.300049,1461.020020,1472.119995,1472.119995,4081840000 +2013-01-11,1472.119995,1472.750000,1467.579956,1472.050049,1472.050049,3340650000 +2013-01-14,1472.050049,1472.050049,1465.689941,1470.680054,1470.680054,3003010000 +2013-01-15,1470.670044,1473.310059,1463.760010,1472.339966,1472.339966,3135350000 +2013-01-16,1472.329956,1473.959961,1467.599976,1472.630005,1472.630005,3384080000 +2013-01-17,1472.630005,1485.160034,1472.630005,1480.939941,1480.939941,3706710000 +2013-01-18,1480.949951,1485.979980,1475.810059,1485.979980,1485.979980,3795740000 +2013-01-22,1485.979980,1492.560059,1481.160034,1492.560059,1492.560059,3570950000 +2013-01-23,1492.560059,1496.130005,1489.900024,1494.810059,1494.810059,3552010000 +2013-01-24,1494.810059,1502.270020,1489.459961,1494.819946,1494.819946,3699430000 +2013-01-25,1494.819946,1503.260010,1494.819946,1502.959961,1502.959961,3476290000 +2013-01-28,1502.959961,1503.229980,1496.329956,1500.180054,1500.180054,3388540000 +2013-01-29,1500.180054,1509.349976,1498.089966,1507.839966,1507.839966,3949640000 +2013-01-30,1507.839966,1509.939941,1500.109985,1501.959961,1501.959961,3726810000 +2013-01-31,1501.959961,1504.189941,1496.760010,1498.109985,1498.109985,3999880000 +2013-02-01,1498.109985,1514.410034,1498.109985,1513.170044,1513.170044,3836320000 +2013-02-04,1513.170044,1513.170044,1495.020020,1495.709961,1495.709961,3390000000 +2013-02-05,1495.709961,1514.959961,1495.709961,1511.290039,1511.290039,3618360000 +2013-02-06,1511.290039,1512.530029,1504.709961,1512.119995,1512.119995,3611570000 +2013-02-07,1512.119995,1512.900024,1498.489990,1509.390015,1509.390015,3614580000 +2013-02-08,1509.390015,1518.310059,1509.390015,1517.930054,1517.930054,2986150000 +2013-02-11,1517.930054,1518.310059,1513.609985,1517.010010,1517.010010,2684100000 +2013-02-12,1517.010010,1522.290039,1515.609985,1519.430054,1519.430054,3414370000 +2013-02-13,1519.430054,1524.689941,1515.930054,1520.329956,1520.329956,3385880000 +2013-02-14,1520.329956,1523.140015,1514.020020,1521.380005,1521.380005,3759740000 +2013-02-15,1521.380005,1524.239990,1514.140015,1519.790039,1519.790039,3838510000 +2013-02-19,1519.790039,1530.939941,1519.790039,1530.939941,1530.939941,3748910000 +2013-02-20,1530.939941,1530.939941,1511.410034,1511.949951,1511.949951,4240570000 +2013-02-21,1511.949951,1511.949951,1497.290039,1502.420044,1502.420044,4274600000 +2013-02-22,1502.420044,1515.640015,1502.420044,1515.599976,1515.599976,3419320000 +2013-02-25,1515.599976,1525.839966,1487.849976,1487.849976,1487.849976,4011050000 +2013-02-26,1487.849976,1498.989990,1485.010010,1496.939941,1496.939941,3975280000 +2013-02-27,1496.939941,1520.079956,1494.880005,1515.989990,1515.989990,3551850000 +2013-02-28,1515.989990,1525.339966,1514.459961,1514.680054,1514.680054,3912320000 +2013-03-01,1514.680054,1519.989990,1501.479980,1518.199951,1518.199951,3695610000 +2013-03-04,1518.199951,1525.270020,1512.290039,1525.199951,1525.199951,3414430000 +2013-03-05,1525.199951,1543.469971,1525.199951,1539.790039,1539.790039,3610690000 +2013-03-06,1539.790039,1545.250000,1538.109985,1541.459961,1541.459961,3676890000 +2013-03-07,1541.459961,1545.780029,1541.459961,1544.260010,1544.260010,3634710000 +2013-03-08,1544.260010,1552.479980,1542.939941,1551.180054,1551.180054,3652260000 +2013-03-11,1551.150024,1556.270020,1547.359985,1556.219971,1556.219971,3091080000 +2013-03-12,1556.219971,1556.770020,1548.239990,1552.479980,1552.479980,3274910000 +2013-03-13,1552.479980,1556.390015,1548.250000,1554.520020,1554.520020,3073830000 +2013-03-14,1554.520020,1563.319946,1554.520020,1563.229980,1563.229980,3459260000 +2013-03-15,1563.209961,1563.619995,1555.739990,1560.699951,1560.699951,5175850000 +2013-03-18,1560.699951,1560.699951,1545.130005,1552.099976,1552.099976,3164560000 +2013-03-19,1552.099976,1557.250000,1538.569946,1548.339966,1548.339966,3796210000 +2013-03-20,1548.339966,1561.560059,1548.339966,1558.709961,1558.709961,3349090000 +2013-03-21,1558.709961,1558.709961,1543.550049,1545.800049,1545.800049,3243270000 +2013-03-22,1545.900024,1557.739990,1545.900024,1556.890015,1556.890015,2948380000 +2013-03-25,1556.890015,1564.910034,1546.219971,1551.689941,1551.689941,3178170000 +2013-03-26,1551.689941,1563.949951,1551.689941,1563.770020,1563.770020,2869260000 +2013-03-27,1563.750000,1564.069946,1551.900024,1562.849976,1562.849976,2914210000 +2013-03-28,1562.859985,1570.280029,1561.079956,1569.189941,1569.189941,3304440000 +2013-04-01,1569.180054,1570.569946,1558.469971,1562.170044,1562.170044,2753110000 +2013-04-02,1562.170044,1573.660034,1562.170044,1570.250000,1570.250000,3312160000 +2013-04-03,1570.250000,1571.469971,1549.800049,1553.689941,1553.689941,4060610000 +2013-04-04,1553.689941,1562.599976,1552.520020,1559.979980,1559.979980,3350670000 +2013-04-05,1559.979980,1559.979980,1539.500000,1553.280029,1553.280029,3515410000 +2013-04-08,1553.260010,1563.069946,1548.630005,1563.069946,1563.069946,2887120000 +2013-04-09,1563.109985,1573.890015,1560.920044,1568.609985,1568.609985,3252780000 +2013-04-10,1568.609985,1589.069946,1568.609985,1587.729980,1587.729980,3453350000 +2013-04-11,1587.729980,1597.349976,1586.170044,1593.369995,1593.369995,3393950000 +2013-04-12,1593.300049,1593.300049,1579.969971,1588.849976,1588.849976,3206290000 +2013-04-15,1588.839966,1588.839966,1552.280029,1552.359985,1552.359985,4660130000 +2013-04-16,1552.359985,1575.349976,1552.359985,1574.569946,1574.569946,3654700000 +2013-04-17,1574.569946,1574.569946,1543.689941,1552.010010,1552.010010,4250310000 +2013-04-18,1552.030029,1554.380005,1536.030029,1541.609985,1541.609985,3890800000 +2013-04-19,1541.609985,1555.890015,1539.400024,1555.250000,1555.250000,3569870000 +2013-04-22,1555.250000,1565.550049,1548.189941,1562.500000,1562.500000,2979880000 +2013-04-23,1562.500000,1579.579956,1562.500000,1578.780029,1578.780029,3565150000 +2013-04-24,1578.780029,1583.000000,1575.800049,1578.790039,1578.790039,3598240000 +2013-04-25,1578.930054,1592.640015,1578.930054,1585.160034,1585.160034,3908580000 +2013-04-26,1585.160034,1585.780029,1577.560059,1582.239990,1582.239990,3198620000 +2013-04-29,1582.339966,1596.650024,1582.339966,1593.609985,1593.609985,2891200000 +2013-04-30,1593.579956,1597.569946,1586.500000,1597.569946,1597.569946,3745070000 +2013-05-01,1597.550049,1597.550049,1581.280029,1582.699951,1582.699951,3530320000 +2013-05-02,1582.770020,1598.599976,1582.770020,1597.589966,1597.589966,3366950000 +2013-05-03,1597.599976,1618.459961,1597.599976,1614.420044,1614.420044,3603910000 +2013-05-06,1614.400024,1619.770020,1614.209961,1617.500000,1617.500000,3062240000 +2013-05-07,1617.550049,1626.030029,1616.640015,1625.959961,1625.959961,3309580000 +2013-05-08,1625.949951,1632.780029,1622.699951,1632.689941,1632.689941,3554700000 +2013-05-09,1632.689941,1635.010010,1623.089966,1626.670044,1626.670044,3457400000 +2013-05-10,1626.689941,1633.699951,1623.709961,1633.699951,1633.699951,3086470000 +2013-05-13,1632.099976,1636.000000,1626.739990,1633.770020,1633.770020,2910600000 +2013-05-14,1633.750000,1651.099976,1633.750000,1650.339966,1650.339966,3457790000 +2013-05-15,1649.130005,1661.489990,1646.680054,1658.780029,1658.780029,3657440000 +2013-05-16,1658.069946,1660.510010,1648.599976,1650.469971,1650.469971,3513130000 +2013-05-17,1652.449951,1667.469971,1652.449951,1667.469971,1667.469971,3440710000 +2013-05-20,1665.709961,1672.839966,1663.520020,1666.290039,1666.290039,3275080000 +2013-05-21,1666.199951,1674.930054,1662.670044,1669.160034,1669.160034,3513560000 +2013-05-22,1669.390015,1687.180054,1648.859985,1655.349976,1655.349976,4361020000 +2013-05-23,1651.619995,1655.500000,1635.530029,1650.510010,1650.510010,3945510000 +2013-05-24,1646.670044,1649.780029,1636.880005,1649.599976,1649.599976,2758080000 +2013-05-28,1652.630005,1674.209961,1652.630005,1660.060059,1660.060059,3457400000 +2013-05-29,1656.569946,1656.569946,1640.050049,1648.359985,1648.359985,3587140000 +2013-05-30,1649.140015,1661.910034,1648.609985,1654.410034,1654.410034,3498620000 +2013-05-31,1652.130005,1658.989990,1630.739990,1630.739990,1630.739990,4099600000 +2013-06-03,1631.709961,1640.420044,1622.719971,1640.420044,1640.420044,3952070000 +2013-06-04,1640.729980,1646.530029,1623.619995,1631.380005,1631.380005,3653840000 +2013-06-05,1629.050049,1629.310059,1607.089966,1608.900024,1608.900024,3632350000 +2013-06-06,1609.290039,1622.560059,1598.229980,1622.560059,1622.560059,3547380000 +2013-06-07,1625.270020,1644.400024,1625.270020,1643.380005,1643.380005,3371990000 +2013-06-10,1644.670044,1648.689941,1639.260010,1642.810059,1642.810059,2978730000 +2013-06-11,1638.640015,1640.130005,1622.920044,1626.130005,1626.130005,3435710000 +2013-06-12,1629.939941,1637.709961,1610.920044,1612.520020,1612.520020,3202550000 +2013-06-13,1612.150024,1639.250000,1608.069946,1636.359985,1636.359985,3378620000 +2013-06-14,1635.520020,1640.800049,1623.959961,1626.729980,1626.729980,2939400000 +2013-06-17,1630.640015,1646.500000,1630.339966,1639.040039,1639.040039,3137080000 +2013-06-18,1639.770020,1654.189941,1639.770020,1651.810059,1651.810059,3120980000 +2013-06-19,1651.829956,1652.449951,1628.910034,1628.930054,1628.930054,3545060000 +2013-06-20,1624.619995,1624.619995,1584.319946,1588.189941,1588.189941,4858850000 +2013-06-21,1588.619995,1599.189941,1577.699951,1592.430054,1592.430054,5797280000 +2013-06-24,1588.770020,1588.770020,1560.329956,1573.089966,1573.089966,4733660000 +2013-06-25,1577.520020,1593.790039,1577.089966,1588.030029,1588.030029,3761170000 +2013-06-26,1592.270020,1606.829956,1592.270020,1603.260010,1603.260010,3558340000 +2013-06-27,1606.439941,1620.069946,1606.439941,1613.199951,1613.199951,3364540000 +2013-06-28,1611.119995,1615.939941,1601.060059,1606.280029,1606.280029,4977190000 +2013-07-01,1609.780029,1626.609985,1609.780029,1614.959961,1614.959961,3104690000 +2013-07-02,1614.290039,1624.260010,1606.770020,1614.079956,1614.079956,3317130000 +2013-07-03,1611.479980,1618.969971,1604.569946,1615.410034,1615.410034,1966050000 +2013-07-05,1618.650024,1632.069946,1614.709961,1631.890015,1631.890015,2634140000 +2013-07-08,1634.199951,1644.680054,1634.199951,1640.459961,1640.459961,3514590000 +2013-07-09,1642.890015,1654.180054,1642.890015,1652.319946,1652.319946,3155360000 +2013-07-10,1651.560059,1657.920044,1647.660034,1652.619995,1652.619995,3011010000 +2013-07-11,1657.410034,1676.630005,1657.410034,1675.020020,1675.020020,3446340000 +2013-07-12,1675.260010,1680.189941,1672.329956,1680.189941,1680.189941,3039070000 +2013-07-15,1679.589966,1684.510010,1677.890015,1682.500000,1682.500000,2623200000 +2013-07-16,1682.699951,1683.729980,1671.839966,1676.260010,1676.260010,3081710000 +2013-07-17,1677.910034,1684.750000,1677.910034,1680.910034,1680.910034,3153440000 +2013-07-18,1681.050049,1693.119995,1681.050049,1689.369995,1689.369995,3452370000 +2013-07-19,1686.150024,1692.089966,1684.079956,1692.089966,1692.089966,3302580000 +2013-07-22,1694.410034,1697.609985,1690.670044,1695.530029,1695.530029,2779130000 +2013-07-23,1696.630005,1698.780029,1691.130005,1692.390015,1692.390015,3096180000 +2013-07-24,1696.060059,1698.380005,1682.569946,1685.939941,1685.939941,3336120000 +2013-07-25,1685.209961,1690.939941,1680.069946,1690.250000,1690.250000,3322500000 +2013-07-26,1687.310059,1691.849976,1676.030029,1691.650024,1691.650024,2762770000 +2013-07-29,1690.319946,1690.920044,1681.859985,1685.329956,1685.329956,2840520000 +2013-07-30,1687.920044,1693.189941,1682.420044,1685.959961,1685.959961,3320530000 +2013-07-31,1687.760010,1698.430054,1684.939941,1685.729980,1685.729980,3847390000 +2013-08-01,1689.420044,1707.849976,1689.420044,1706.869995,1706.869995,3775170000 +2013-08-02,1706.099976,1709.670044,1700.680054,1709.670044,1709.670044,3136630000 +2013-08-05,1708.010010,1709.239990,1703.550049,1707.140015,1707.140015,2529300000 +2013-08-06,1705.790039,1705.790039,1693.290039,1697.369995,1697.369995,3141210000 +2013-08-07,1695.300049,1695.300049,1684.910034,1690.910034,1690.910034,3010230000 +2013-08-08,1693.349976,1700.180054,1688.380005,1697.479980,1697.479980,3271660000 +2013-08-09,1696.099976,1699.420044,1686.020020,1691.420044,1691.420044,2957670000 +2013-08-12,1688.369995,1691.489990,1683.349976,1689.469971,1689.469971,2789160000 +2013-08-13,1690.650024,1696.810059,1682.619995,1694.160034,1694.160034,3035560000 +2013-08-14,1693.880005,1695.520020,1684.829956,1685.390015,1685.390015,2871430000 +2013-08-15,1679.609985,1679.609985,1658.589966,1661.319946,1661.319946,3426690000 +2013-08-16,1661.219971,1663.599976,1652.609985,1655.829956,1655.829956,3211450000 +2013-08-19,1655.250000,1659.180054,1645.839966,1646.060059,1646.060059,2904530000 +2013-08-20,1646.810059,1658.920044,1646.079956,1652.349976,1652.349976,2994090000 +2013-08-21,1650.660034,1656.989990,1639.430054,1642.800049,1642.800049,2932180000 +2013-08-22,1645.030029,1659.550049,1645.030029,1656.959961,1656.959961,2537460000 +2013-08-23,1659.920044,1664.849976,1654.810059,1663.500000,1663.500000,2582670000 +2013-08-26,1664.290039,1669.510010,1656.020020,1656.780029,1656.780029,2430670000 +2013-08-27,1652.540039,1652.540039,1629.050049,1630.479980,1630.479980,3219190000 +2013-08-28,1630.250000,1641.180054,1627.469971,1634.959961,1634.959961,2784010000 +2013-08-29,1633.500000,1646.410034,1630.880005,1638.170044,1638.170044,2527550000 +2013-08-30,1638.890015,1640.079956,1628.050049,1632.969971,1632.969971,2734300000 +2013-09-03,1635.949951,1651.349976,1633.410034,1639.770020,1639.770020,3731610000 +2013-09-04,1640.719971,1655.719971,1637.410034,1653.079956,1653.079956,3312150000 +2013-09-05,1653.280029,1659.170044,1653.069946,1655.079956,1655.079956,2957110000 +2013-09-06,1657.439941,1664.829956,1640.619995,1655.170044,1655.170044,3123880000 +2013-09-09,1656.849976,1672.400024,1656.849976,1671.709961,1671.709961,3102780000 +2013-09-10,1675.109985,1684.089966,1675.109985,1683.989990,1683.989990,3691800000 +2013-09-11,1681.040039,1689.130005,1678.699951,1689.130005,1689.130005,3135460000 +2013-09-12,1689.209961,1689.969971,1681.959961,1683.420044,1683.420044,3106290000 +2013-09-13,1685.040039,1688.729980,1682.219971,1687.989990,1687.989990,2736500000 +2013-09-16,1691.699951,1704.949951,1691.699951,1697.599976,1697.599976,3079800000 +2013-09-17,1697.729980,1705.520020,1697.729980,1704.760010,1704.760010,2774240000 +2013-09-18,1705.739990,1729.439941,1700.349976,1725.520020,1725.520020,3989760000 +2013-09-19,1727.339966,1729.859985,1720.199951,1722.339966,1722.339966,3740130000 +2013-09-20,1722.439941,1725.229980,1708.890015,1709.910034,1709.910034,5074030000 +2013-09-23,1711.439941,1711.439941,1697.099976,1701.839966,1701.839966,3126950000 +2013-09-24,1702.599976,1707.630005,1694.900024,1697.420044,1697.420044,3268930000 +2013-09-25,1698.020020,1701.709961,1691.880005,1692.770020,1692.770020,3148730000 +2013-09-26,1694.050049,1703.849976,1693.109985,1698.670044,1698.670044,2813930000 +2013-09-27,1695.520020,1695.520020,1687.109985,1691.750000,1691.750000,2951700000 +2013-09-30,1687.260010,1687.260010,1674.989990,1681.550049,1681.550049,3308630000 +2013-10-01,1682.410034,1696.550049,1682.069946,1695.000000,1695.000000,3238690000 +2013-10-02,1691.900024,1693.869995,1680.339966,1693.869995,1693.869995,3148600000 +2013-10-03,1692.349976,1692.349976,1670.359985,1678.660034,1678.660034,3279650000 +2013-10-04,1678.790039,1691.939941,1677.329956,1690.500000,1690.500000,2880270000 +2013-10-07,1687.150024,1687.150024,1674.699951,1676.119995,1676.119995,2678490000 +2013-10-08,1676.219971,1676.790039,1655.030029,1655.449951,1655.449951,3569230000 +2013-10-09,1656.989990,1662.469971,1646.469971,1656.400024,1656.400024,3577840000 +2013-10-10,1660.880005,1692.560059,1660.880005,1692.560059,1692.560059,3362300000 +2013-10-11,1691.089966,1703.439941,1688.520020,1703.199951,1703.199951,2944670000 +2013-10-14,1699.859985,1711.030029,1692.130005,1710.140015,1710.140015,2580580000 +2013-10-15,1709.170044,1711.569946,1695.930054,1698.060059,1698.060059,3327740000 +2013-10-16,1700.489990,1721.760010,1700.489990,1721.540039,1721.540039,3486180000 +2013-10-17,1720.170044,1733.449951,1714.119995,1733.150024,1733.150024,3453590000 +2013-10-18,1736.719971,1745.310059,1735.739990,1744.500000,1744.500000,3664890000 +2013-10-21,1745.199951,1747.790039,1740.670044,1744.660034,1744.660034,3052710000 +2013-10-22,1746.479980,1759.329956,1746.479980,1754.670044,1754.670044,3850840000 +2013-10-23,1752.270020,1752.270020,1740.500000,1746.380005,1746.380005,3713380000 +2013-10-24,1747.479980,1753.939941,1745.500000,1752.069946,1752.069946,3671700000 +2013-10-25,1756.010010,1759.819946,1752.449951,1759.770020,1759.770020,3175720000 +2013-10-28,1759.420044,1764.989990,1757.670044,1762.109985,1762.109985,3282300000 +2013-10-29,1762.930054,1772.089966,1762.930054,1771.949951,1771.949951,3358460000 +2013-10-30,1772.270020,1775.219971,1757.239990,1763.310059,1763.310059,3523040000 +2013-10-31,1763.239990,1768.530029,1755.719971,1756.540039,1756.540039,3826530000 +2013-11-01,1758.699951,1765.670044,1752.699951,1761.640015,1761.640015,3686290000 +2013-11-04,1763.400024,1768.780029,1761.560059,1767.930054,1767.930054,3194870000 +2013-11-05,1765.670044,1767.030029,1755.760010,1762.969971,1762.969971,3516680000 +2013-11-06,1765.000000,1773.739990,1764.400024,1770.489990,1770.489990,3322100000 +2013-11-07,1770.739990,1774.540039,1746.199951,1747.150024,1747.150024,4143200000 +2013-11-08,1748.369995,1770.780029,1747.630005,1770.609985,1770.609985,3837170000 +2013-11-11,1769.959961,1773.439941,1767.849976,1771.890015,1771.890015,2534060000 +2013-11-12,1769.510010,1771.780029,1762.290039,1767.689941,1767.689941,3221030000 +2013-11-13,1764.369995,1782.000000,1760.640015,1782.000000,1782.000000,3327480000 +2013-11-14,1782.750000,1791.530029,1780.219971,1790.619995,1790.619995,3139060000 +2013-11-15,1790.660034,1798.219971,1790.660034,1798.180054,1798.180054,3254820000 +2013-11-18,1798.819946,1802.329956,1788.000000,1791.530029,1791.530029,3168520000 +2013-11-19,1790.790039,1795.510010,1784.719971,1787.869995,1787.869995,3224450000 +2013-11-20,1789.589966,1795.729980,1777.229980,1781.369995,1781.369995,3109140000 +2013-11-21,1783.520020,1797.160034,1783.520020,1795.849976,1795.849976,3256630000 +2013-11-22,1797.209961,1804.839966,1794.699951,1804.760010,1804.760010,3055140000 +2013-11-25,1806.329956,1808.099976,1800.579956,1802.479980,1802.479980,2998540000 +2013-11-26,1802.869995,1808.420044,1800.770020,1802.750000,1802.750000,3427120000 +2013-11-27,1803.479980,1808.270020,1802.770020,1807.229980,1807.229980,2613590000 +2013-11-29,1808.689941,1813.550049,1803.979980,1805.810059,1805.810059,1598300000 +2013-12-02,1806.550049,1810.020020,1798.599976,1800.900024,1800.900024,3095430000 +2013-12-03,1800.099976,1800.099976,1787.849976,1795.150024,1795.150024,3475680000 +2013-12-04,1793.150024,1799.800049,1779.089966,1792.810059,1792.810059,3610540000 +2013-12-05,1792.819946,1792.819946,1783.380005,1785.030029,1785.030029,3336880000 +2013-12-06,1788.359985,1806.040039,1788.359985,1805.089966,1805.089966,3150030000 +2013-12-09,1806.209961,1811.520020,1806.209961,1808.369995,1808.369995,3129500000 +2013-12-10,1807.599976,1808.520020,1801.750000,1802.619995,1802.619995,3117150000 +2013-12-11,1802.760010,1802.969971,1780.089966,1782.219971,1782.219971,3472240000 +2013-12-12,1781.709961,1782.989990,1772.280029,1775.500000,1775.500000,3306640000 +2013-12-13,1777.979980,1780.920044,1772.449951,1775.319946,1775.319946,3061070000 +2013-12-16,1777.479980,1792.219971,1777.479980,1786.540039,1786.540039,3209890000 +2013-12-17,1786.469971,1786.770020,1777.050049,1781.000000,1781.000000,3270030000 +2013-12-18,1781.459961,1811.079956,1767.989990,1810.650024,1810.650024,4327770000 +2013-12-19,1809.000000,1810.880005,1801.349976,1809.599976,1809.599976,3497210000 +2013-12-20,1810.390015,1823.750000,1810.250000,1818.319946,1818.319946,5097700000 +2013-12-23,1822.920044,1829.750000,1822.920044,1827.989990,1827.989990,2851540000 +2013-12-24,1828.020020,1833.319946,1828.020020,1833.319946,1833.319946,1307630000 +2013-12-26,1834.959961,1842.839966,1834.959961,1842.020020,1842.020020,1982270000 +2013-12-27,1842.969971,1844.890015,1839.810059,1841.400024,1841.400024,2052920000 +2013-12-30,1841.469971,1842.469971,1838.770020,1841.069946,1841.069946,2293860000 +2013-12-31,1842.609985,1849.439941,1842.410034,1848.359985,1848.359985,2312840000 +2014-01-02,1845.859985,1845.859985,1827.739990,1831.979980,1831.979980,3080600000 +2014-01-03,1833.209961,1838.239990,1829.130005,1831.369995,1831.369995,2774270000 +2014-01-06,1832.310059,1837.160034,1823.729980,1826.770020,1826.770020,3294850000 +2014-01-07,1828.709961,1840.099976,1828.709961,1837.880005,1837.880005,3511750000 +2014-01-08,1837.900024,1840.020020,1831.400024,1837.489990,1837.489990,3652140000 +2014-01-09,1839.000000,1843.229980,1830.380005,1838.130005,1838.130005,3581150000 +2014-01-10,1840.060059,1843.150024,1832.430054,1842.369995,1842.369995,3335710000 +2014-01-13,1841.260010,1843.449951,1815.520020,1819.199951,1819.199951,3591350000 +2014-01-14,1821.359985,1839.260010,1821.359985,1838.880005,1838.880005,3353270000 +2014-01-15,1840.520020,1850.839966,1840.520020,1848.380005,1848.380005,3777800000 +2014-01-16,1847.989990,1847.989990,1840.300049,1845.890015,1845.890015,3491310000 +2014-01-17,1844.229980,1846.040039,1835.229980,1838.699951,1838.699951,3626120000 +2014-01-21,1841.050049,1849.310059,1832.380005,1843.800049,1843.800049,3782470000 +2014-01-22,1844.709961,1846.869995,1840.880005,1844.859985,1844.859985,3374170000 +2014-01-23,1842.290039,1842.290039,1820.060059,1828.459961,1828.459961,3972250000 +2014-01-24,1826.959961,1826.959961,1790.290039,1790.290039,1790.290039,4618450000 +2014-01-27,1791.030029,1795.979980,1772.880005,1781.560059,1781.560059,4045200000 +2014-01-28,1783.000000,1793.869995,1779.489990,1792.500000,1792.500000,3437830000 +2014-01-29,1790.150024,1790.150024,1770.449951,1774.199951,1774.199951,3964020000 +2014-01-30,1777.170044,1798.770020,1777.170044,1794.189941,1794.189941,3547510000 +2014-01-31,1790.880005,1793.880005,1772.260010,1782.589966,1782.589966,4059690000 +2014-02-03,1782.680054,1784.829956,1739.660034,1741.890015,1741.890015,4726040000 +2014-02-04,1743.819946,1758.729980,1743.819946,1755.199951,1755.199951,4068410000 +2014-02-05,1753.380005,1755.790039,1737.920044,1751.640015,1751.640015,3984290000 +2014-02-06,1752.989990,1774.060059,1752.989990,1773.430054,1773.430054,3825410000 +2014-02-07,1776.010010,1798.030029,1776.010010,1797.020020,1797.020020,3775990000 +2014-02-10,1796.199951,1799.939941,1791.829956,1799.839966,1799.839966,3312160000 +2014-02-11,1800.449951,1823.540039,1800.410034,1819.750000,1819.750000,3699380000 +2014-02-12,1820.119995,1826.550049,1815.969971,1819.260010,1819.260010,3326380000 +2014-02-13,1814.819946,1830.250000,1809.219971,1829.829956,1829.829956,3289510000 +2014-02-14,1828.459961,1841.650024,1825.589966,1838.630005,1838.630005,3114750000 +2014-02-18,1839.030029,1842.869995,1835.010010,1840.760010,1840.760010,3421110000 +2014-02-19,1838.900024,1847.500000,1826.989990,1828.750000,1828.750000,3661570000 +2014-02-20,1829.239990,1842.790039,1824.579956,1839.780029,1839.780029,3404980000 +2014-02-21,1841.069946,1846.130005,1835.599976,1836.250000,1836.250000,3403880000 +2014-02-24,1836.780029,1858.709961,1836.780029,1847.609985,1847.609985,4014530000 +2014-02-25,1847.660034,1852.910034,1840.189941,1845.119995,1845.119995,3515560000 +2014-02-26,1845.790039,1852.650024,1840.660034,1845.160034,1845.160034,3716730000 +2014-02-27,1844.900024,1854.530029,1841.130005,1854.290039,1854.290039,3547460000 +2014-02-28,1855.119995,1867.920044,1847.670044,1859.449951,1859.449951,3917450000 +2014-03-03,1857.680054,1857.680054,1834.439941,1845.729980,1845.729980,3428220000 +2014-03-04,1849.229980,1876.229980,1849.229980,1873.910034,1873.910034,3765770000 +2014-03-05,1874.050049,1876.530029,1871.109985,1873.810059,1873.810059,3392990000 +2014-03-06,1874.180054,1881.939941,1874.180054,1877.030029,1877.030029,3360450000 +2014-03-07,1878.520020,1883.569946,1870.560059,1878.040039,1878.040039,3564740000 +2014-03-10,1877.859985,1877.869995,1867.040039,1877.170044,1877.170044,3021350000 +2014-03-11,1878.260010,1882.349976,1863.880005,1867.630005,1867.630005,3392400000 +2014-03-12,1866.150024,1868.380005,1854.380005,1868.199951,1868.199951,3270860000 +2014-03-13,1869.060059,1874.400024,1841.859985,1846.339966,1846.339966,3670990000 +2014-03-14,1845.069946,1852.439941,1839.569946,1841.130005,1841.130005,3285460000 +2014-03-17,1842.810059,1862.300049,1842.810059,1858.829956,1858.829956,2860490000 +2014-03-18,1858.920044,1873.760010,1858.920044,1872.250000,1872.250000,2930190000 +2014-03-19,1872.250000,1874.140015,1850.349976,1860.770020,1860.770020,3289210000 +2014-03-20,1860.089966,1873.489990,1854.630005,1872.010010,1872.010010,3327540000 +2014-03-21,1874.530029,1883.969971,1863.459961,1866.520020,1866.520020,5270710000 +2014-03-24,1867.670044,1873.339966,1849.689941,1857.439941,1857.439941,3409000000 +2014-03-25,1859.479980,1871.869995,1855.959961,1865.619995,1865.619995,3200560000 +2014-03-26,1867.089966,1875.920044,1852.560059,1852.560059,1852.560059,3480850000 +2014-03-27,1852.109985,1855.550049,1842.109985,1849.040039,1849.040039,3733430000 +2014-03-28,1850.069946,1866.630005,1850.069946,1857.619995,1857.619995,2955520000 +2014-03-31,1859.160034,1875.180054,1859.160034,1872.339966,1872.339966,3274300000 +2014-04-01,1873.959961,1885.839966,1873.959961,1885.520020,1885.520020,3336190000 +2014-04-02,1886.609985,1893.170044,1883.790039,1890.900024,1890.900024,3131660000 +2014-04-03,1891.430054,1893.800049,1882.650024,1888.770020,1888.770020,3055600000 +2014-04-04,1890.250000,1897.280029,1863.260010,1865.089966,1865.089966,3583750000 +2014-04-07,1863.920044,1864.040039,1841.479980,1845.040039,1845.040039,3801540000 +2014-04-08,1845.479980,1854.949951,1837.489990,1851.959961,1851.959961,3721450000 +2014-04-09,1852.640015,1872.430054,1852.380005,1872.180054,1872.180054,3308650000 +2014-04-10,1872.280029,1872.530029,1830.869995,1833.079956,1833.079956,3758780000 +2014-04-11,1830.650024,1835.069946,1814.359985,1815.689941,1815.689941,3743460000 +2014-04-14,1818.180054,1834.189941,1815.800049,1830.609985,1830.609985,3111540000 +2014-04-15,1831.449951,1844.020020,1816.290039,1842.979980,1842.979980,3736440000 +2014-04-16,1846.010010,1862.310059,1846.010010,1862.310059,1862.310059,3155080000 +2014-04-17,1861.729980,1869.630005,1856.719971,1864.849976,1864.849976,3341430000 +2014-04-21,1865.790039,1871.890015,1863.180054,1871.890015,1871.890015,2642500000 +2014-04-22,1872.569946,1884.890015,1872.569946,1879.550049,1879.550049,3215440000 +2014-04-23,1879.319946,1879.750000,1873.910034,1875.390015,1875.390015,3085720000 +2014-04-24,1881.969971,1884.060059,1870.239990,1878.609985,1878.609985,3191830000 +2014-04-25,1877.719971,1877.719971,1859.699951,1863.400024,1863.400024,3213020000 +2014-04-28,1865.000000,1877.010010,1850.609985,1869.430054,1869.430054,4034680000 +2014-04-29,1870.780029,1880.599976,1870.780029,1878.329956,1878.329956,3647820000 +2014-04-30,1877.099976,1885.199951,1872.689941,1883.949951,1883.949951,3779230000 +2014-05-01,1884.390015,1888.589966,1878.040039,1883.680054,1883.680054,3416740000 +2014-05-02,1885.300049,1891.329956,1878.500000,1881.140015,1881.140015,3159560000 +2014-05-05,1879.449951,1885.510010,1866.770020,1884.660034,1884.660034,2733730000 +2014-05-06,1883.689941,1883.689941,1867.719971,1867.719971,1867.719971,3327260000 +2014-05-07,1868.530029,1878.829956,1859.790039,1878.209961,1878.209961,3632950000 +2014-05-08,1877.390015,1889.069946,1870.050049,1875.630005,1875.630005,3393420000 +2014-05-09,1875.270020,1878.569946,1867.020020,1878.479980,1878.479980,3025020000 +2014-05-12,1880.030029,1897.130005,1880.030029,1896.650024,1896.650024,3005740000 +2014-05-13,1896.750000,1902.170044,1896.060059,1897.449951,1897.449951,2915680000 +2014-05-14,1897.130005,1897.130005,1885.770020,1888.530029,1888.530029,2822060000 +2014-05-15,1888.160034,1888.160034,1862.359985,1870.849976,1870.849976,3552640000 +2014-05-16,1871.189941,1878.280029,1864.819946,1877.859985,1877.859985,3173650000 +2014-05-19,1876.660034,1886.000000,1872.420044,1885.079956,1885.079956,2664250000 +2014-05-20,1884.880005,1884.880005,1868.140015,1872.829956,1872.829956,3007700000 +2014-05-21,1873.339966,1888.800049,1873.339966,1888.030029,1888.030029,2777140000 +2014-05-22,1888.189941,1896.329956,1885.390015,1892.489990,1892.489990,2759800000 +2014-05-23,1893.319946,1901.260010,1893.319946,1900.530029,1900.530029,2396280000 +2014-05-27,1902.010010,1912.280029,1902.010010,1911.910034,1911.910034,2911020000 +2014-05-28,1911.770020,1914.459961,1907.300049,1909.780029,1909.780029,2976450000 +2014-05-29,1910.599976,1920.030029,1909.819946,1920.030029,1920.030029,2709050000 +2014-05-30,1920.329956,1924.030029,1916.640015,1923.569946,1923.569946,3263490000 +2014-06-02,1923.869995,1925.880005,1915.979980,1924.969971,1924.969971,2509020000 +2014-06-03,1923.069946,1925.069946,1918.790039,1924.239990,1924.239990,2867180000 +2014-06-04,1923.060059,1928.630005,1918.599976,1927.880005,1927.880005,2793920000 +2014-06-05,1928.520020,1941.739990,1922.930054,1940.459961,1940.459961,3113270000 +2014-06-06,1942.410034,1949.439941,1942.410034,1949.439941,1949.439941,2864300000 +2014-06-09,1948.969971,1955.550049,1947.160034,1951.270020,1951.270020,2812180000 +2014-06-10,1950.339966,1950.859985,1944.640015,1950.790039,1950.790039,2702360000 +2014-06-11,1949.369995,1949.369995,1940.079956,1943.890015,1943.890015,2710620000 +2014-06-12,1943.349976,1943.349976,1925.780029,1930.109985,1930.109985,3040480000 +2014-06-13,1930.800049,1937.300049,1927.689941,1936.160034,1936.160034,2598230000 +2014-06-16,1934.839966,1941.150024,1930.910034,1937.780029,1937.780029,2926130000 +2014-06-17,1937.150024,1943.689941,1933.550049,1941.989990,1941.989990,2971260000 +2014-06-18,1942.729980,1957.739990,1939.290039,1956.979980,1956.979980,3065220000 +2014-06-19,1957.500000,1959.869995,1952.260010,1959.479980,1959.479980,2952150000 +2014-06-20,1960.449951,1963.910034,1959.170044,1962.869995,1962.869995,4336240000 +2014-06-23,1962.920044,1963.739990,1958.890015,1962.609985,1962.609985,2717630000 +2014-06-24,1961.969971,1968.170044,1948.339966,1949.979980,1949.979980,3089700000 +2014-06-25,1949.270020,1960.829956,1947.489990,1959.530029,1959.530029,3106710000 +2014-06-26,1959.890015,1959.890015,1944.689941,1957.219971,1957.219971,2778840000 +2014-06-27,1956.560059,1961.469971,1952.180054,1960.959961,1960.959961,4290590000 +2014-06-30,1960.790039,1964.239990,1958.219971,1960.229980,1960.229980,3037350000 +2014-07-01,1962.290039,1978.579956,1962.290039,1973.319946,1973.319946,3188240000 +2014-07-02,1973.060059,1976.670044,1972.579956,1974.619995,1974.619995,2851480000 +2014-07-03,1975.880005,1985.589966,1975.880005,1985.439941,1985.439941,1998090000 +2014-07-07,1984.219971,1984.219971,1974.880005,1977.650024,1977.650024,2681260000 +2014-07-08,1976.390015,1976.390015,1959.459961,1963.709961,1963.709961,3302430000 +2014-07-09,1965.099976,1974.150024,1965.099976,1972.829956,1972.829956,2858800000 +2014-07-10,1966.670044,1969.839966,1952.859985,1964.680054,1964.680054,3165690000 +2014-07-11,1965.760010,1968.670044,1959.630005,1967.569946,1967.569946,2684630000 +2014-07-14,1969.859985,1979.849976,1969.859985,1977.099976,1977.099976,2744920000 +2014-07-15,1977.359985,1982.520020,1965.339966,1973.280029,1973.280029,3328740000 +2014-07-16,1976.349976,1983.939941,1975.670044,1981.569946,1981.569946,3390950000 +2014-07-17,1979.750000,1981.800049,1955.589966,1958.119995,1958.119995,3381680000 +2014-07-18,1961.540039,1979.910034,1960.819946,1978.219971,1978.219971,3106060000 +2014-07-21,1976.930054,1976.930054,1965.770020,1973.630005,1973.630005,2611160000 +2014-07-22,1975.650024,1986.239990,1975.650024,1983.530029,1983.530029,2890480000 +2014-07-23,1985.319946,1989.229980,1982.439941,1987.010010,1987.010010,2869720000 +2014-07-24,1988.069946,1991.390015,1985.790039,1987.979980,1987.979980,3203530000 +2014-07-25,1984.599976,1984.599976,1974.369995,1978.339966,1978.339966,2638960000 +2014-07-28,1978.250000,1981.520020,1967.310059,1978.910034,1978.910034,2803320000 +2014-07-29,1980.030029,1984.849976,1969.949951,1969.949951,1969.949951,3183300000 +2014-07-30,1973.209961,1978.900024,1962.420044,1970.069946,1970.069946,3448250000 +2014-07-31,1965.140015,1965.140015,1930.670044,1930.670044,1930.670044,4193000000 +2014-08-01,1929.800049,1937.349976,1916.369995,1925.150024,1925.150024,3789660000 +2014-08-04,1926.619995,1942.920044,1921.199951,1938.989990,1938.989990,3072920000 +2014-08-05,1936.339966,1936.339966,1913.770020,1920.209961,1920.209961,3462520000 +2014-08-06,1917.290039,1927.910034,1911.449951,1920.239990,1920.239990,3539150000 +2014-08-07,1923.030029,1928.890015,1904.780029,1909.569946,1909.569946,3230520000 +2014-08-08,1910.349976,1932.380005,1909.010010,1931.589966,1931.589966,2902280000 +2014-08-11,1933.430054,1944.900024,1933.430054,1936.920044,1936.920044,2784890000 +2014-08-12,1935.729980,1939.650024,1928.290039,1933.750000,1933.750000,2611700000 +2014-08-13,1935.599976,1948.410034,1935.599976,1946.719971,1946.719971,2718020000 +2014-08-14,1947.410034,1955.229980,1947.410034,1955.180054,1955.180054,2609460000 +2014-08-15,1958.869995,1964.040039,1941.500000,1955.060059,1955.060059,3023380000 +2014-08-18,1958.359985,1971.989990,1958.359985,1971.739990,1971.739990,2638160000 +2014-08-19,1972.729980,1982.569946,1972.729980,1981.599976,1981.599976,2656430000 +2014-08-20,1980.459961,1988.569946,1977.680054,1986.510010,1986.510010,2579560000 +2014-08-21,1986.819946,1994.760010,1986.819946,1992.369995,1992.369995,2638920000 +2014-08-22,1992.599976,1993.540039,1984.760010,1988.400024,1988.400024,2301860000 +2014-08-25,1991.739990,2001.949951,1991.739990,1997.920044,1997.920044,2233880000 +2014-08-26,1998.589966,2005.040039,1998.589966,2000.020020,2000.020020,2451950000 +2014-08-27,2000.540039,2002.140015,1996.199951,2000.119995,2000.119995,2344350000 +2014-08-28,1997.420044,1998.550049,1990.520020,1996.739990,1996.739990,2282400000 +2014-08-29,1998.449951,2003.380005,1994.650024,2003.369995,2003.369995,2259130000 +2014-09-02,2004.069946,2006.119995,1994.849976,2002.280029,2002.280029,2819980000 +2014-09-03,2003.569946,2009.280029,1998.140015,2000.719971,2000.719971,2809980000 +2014-09-04,2001.670044,2011.170044,1992.540039,1997.650024,1997.650024,3072410000 +2014-09-05,1998.000000,2007.709961,1990.099976,2007.709961,2007.709961,2818300000 +2014-09-08,2007.170044,2007.170044,1995.599976,2001.540039,2001.540039,2789090000 +2014-09-09,2000.729980,2001.010010,1984.609985,1988.439941,1988.439941,2882830000 +2014-09-10,1988.410034,1996.660034,1982.989990,1995.689941,1995.689941,2912430000 +2014-09-11,1992.849976,1997.650024,1985.930054,1997.449951,1997.449951,2941690000 +2014-09-12,1996.739990,1996.739990,1980.260010,1985.540039,1985.540039,3206570000 +2014-09-15,1986.040039,1987.180054,1978.479980,1984.130005,1984.130005,2776530000 +2014-09-16,1981.930054,2002.280029,1979.060059,1998.979980,1998.979980,3160310000 +2014-09-17,1999.300049,2010.739990,1993.290039,2001.569946,2001.569946,3209420000 +2014-09-18,2003.069946,2012.339966,2003.069946,2011.359985,2011.359985,3235340000 +2014-09-19,2012.739990,2019.260010,2006.589966,2010.400024,2010.400024,4880220000 +2014-09-22,2009.079956,2009.079956,1991.010010,1994.290039,1994.290039,3349670000 +2014-09-23,1992.780029,1995.410034,1982.770020,1982.770020,1982.770020,3279350000 +2014-09-24,1983.339966,1999.790039,1978.630005,1998.300049,1998.300049,3313850000 +2014-09-25,1997.319946,1997.319946,1965.989990,1965.989990,1965.989990,3273050000 +2014-09-26,1966.219971,1986.369995,1966.219971,1982.849976,1982.849976,2929440000 +2014-09-29,1978.959961,1981.280029,1964.040039,1977.800049,1977.800049,3094440000 +2014-09-30,1978.209961,1985.170044,1968.959961,1972.290039,1972.290039,3951100000 +2014-10-01,1971.439941,1971.439941,1941.719971,1946.160034,1946.160034,4188590000 +2014-10-02,1945.829956,1952.319946,1926.030029,1946.170044,1946.170044,4012510000 +2014-10-03,1948.119995,1971.189941,1948.119995,1967.900024,1967.900024,3560970000 +2014-10-06,1970.010010,1977.839966,1958.430054,1964.819946,1964.819946,3358220000 +2014-10-07,1962.359985,1962.359985,1934.869995,1935.099976,1935.099976,3687870000 +2014-10-08,1935.550049,1970.359985,1925.250000,1968.890015,1968.890015,4441890000 +2014-10-09,1967.680054,1967.680054,1927.560059,1928.209961,1928.209961,4344020000 +2014-10-10,1925.630005,1936.979980,1906.050049,1906.130005,1906.130005,4550540000 +2014-10-13,1905.650024,1912.089966,1874.140015,1874.739990,1874.739990,4352580000 +2014-10-14,1877.109985,1898.709961,1871.790039,1877.699951,1877.699951,4812010000 +2014-10-15,1874.180054,1874.180054,1820.660034,1862.489990,1862.489990,6090800000 +2014-10-16,1855.949951,1876.010010,1835.020020,1862.760010,1862.760010,5073150000 +2014-10-17,1864.910034,1898.160034,1864.910034,1886.760010,1886.760010,4482120000 +2014-10-20,1885.619995,1905.030029,1882.300049,1904.010010,1904.010010,3331210000 +2014-10-21,1909.380005,1942.449951,1909.380005,1941.280029,1941.280029,3987090000 +2014-10-22,1941.290039,1949.310059,1926.829956,1927.109985,1927.109985,3761930000 +2014-10-23,1931.020020,1961.949951,1931.020020,1950.819946,1950.819946,3789250000 +2014-10-24,1951.589966,1965.270020,1946.270020,1964.579956,1964.579956,3078380000 +2014-10-27,1962.969971,1964.640015,1951.369995,1961.630005,1961.630005,3538860000 +2014-10-28,1964.140015,1985.050049,1964.140015,1985.050049,1985.050049,3653260000 +2014-10-29,1983.290039,1991.400024,1969.040039,1982.300049,1982.300049,3740350000 +2014-10-30,1979.489990,1999.400024,1974.750000,1994.650024,1994.650024,3586150000 +2014-10-31,2001.199951,2018.189941,2001.199951,2018.050049,2018.050049,4292290000 +2014-11-03,2018.209961,2024.459961,2013.680054,2017.810059,2017.810059,3555440000 +2014-11-04,2015.810059,2015.979980,2001.010010,2012.099976,2012.099976,3956260000 +2014-11-05,2015.290039,2023.770020,2014.420044,2023.569946,2023.569946,3766590000 +2014-11-06,2023.329956,2031.609985,2015.859985,2031.209961,2031.209961,3669770000 +2014-11-07,2032.359985,2034.260010,2025.069946,2031.920044,2031.920044,3704280000 +2014-11-10,2032.010010,2038.699951,2030.170044,2038.260010,2038.260010,3284940000 +2014-11-11,2038.199951,2041.280029,2035.280029,2039.680054,2039.680054,2958320000 +2014-11-12,2037.750000,2040.329956,2031.949951,2038.250000,2038.250000,3246650000 +2014-11-13,2039.209961,2046.180054,2030.439941,2039.329956,2039.329956,3455270000 +2014-11-14,2039.739990,2042.219971,2035.199951,2039.819946,2039.819946,3227130000 +2014-11-17,2038.290039,2043.069946,2034.459961,2041.319946,2041.319946,3152890000 +2014-11-18,2041.479980,2056.080078,2041.479980,2051.800049,2051.800049,3416190000 +2014-11-19,2051.159912,2052.139893,2040.369995,2048.719971,2048.719971,3390850000 +2014-11-20,2045.869995,2053.840088,2040.489990,2052.750000,2052.750000,3128290000 +2014-11-21,2057.459961,2071.459961,2056.750000,2063.500000,2063.500000,3916420000 +2014-11-24,2065.070068,2070.169922,2065.070068,2069.409912,2069.409912,3128060000 +2014-11-25,2070.149902,2074.209961,2064.750000,2067.030029,2067.030029,3392940000 +2014-11-26,2067.360107,2073.290039,2066.620117,2072.830078,2072.830078,2745260000 +2014-11-28,2074.780029,2075.760010,2065.060059,2067.560059,2067.560059,2504640000 +2014-12-01,2065.780029,2065.780029,2049.570068,2053.439941,2053.439941,4159010000 +2014-12-02,2053.770020,2068.770020,2053.770020,2066.550049,2066.550049,3686650000 +2014-12-03,2067.449951,2076.280029,2066.649902,2074.330078,2074.330078,3612680000 +2014-12-04,2073.639893,2077.340088,2062.340088,2071.919922,2071.919922,3408340000 +2014-12-05,2072.780029,2079.469971,2070.810059,2075.370117,2075.370117,3419620000 +2014-12-08,2074.840088,2075.780029,2054.270020,2060.310059,2060.310059,3800990000 +2014-12-09,2056.550049,2060.600098,2034.170044,2059.820068,2059.820068,3970150000 +2014-12-10,2058.860107,2058.860107,2024.260010,2026.140015,2026.140015,4114440000 +2014-12-11,2027.920044,2055.530029,2027.920044,2035.329956,2035.329956,3917950000 +2014-12-12,2030.359985,2032.250000,2002.329956,2002.329956,2002.329956,4157650000 +2014-12-15,2005.030029,2018.689941,1982.260010,1989.630005,1989.630005,4361990000 +2014-12-16,1986.709961,2016.890015,1972.560059,1972.739990,1972.739990,4958680000 +2014-12-17,1973.770020,2016.750000,1973.770020,2012.890015,2012.890015,4942370000 +2014-12-18,2018.979980,2061.229980,2018.979980,2061.229980,2061.229980,4703380000 +2014-12-19,2061.040039,2077.850098,2061.030029,2070.649902,2070.649902,6465530000 +2014-12-22,2069.280029,2078.760010,2069.280029,2078.540039,2078.540039,3369520000 +2014-12-23,2081.479980,2086.729980,2079.770020,2082.169922,2082.169922,3043950000 +2014-12-24,2083.250000,2087.560059,2081.860107,2081.879883,2081.879883,1416980000 +2014-12-26,2084.300049,2092.699951,2084.300049,2088.770020,2088.770020,1735230000 +2014-12-29,2087.629883,2093.550049,2085.750000,2090.570068,2090.570068,2452360000 +2014-12-30,2088.489990,2088.489990,2079.530029,2080.350098,2080.350098,2440280000 +2014-12-31,2082.110107,2085.580078,2057.939941,2058.899902,2058.899902,2606070000 +2015-01-02,2058.899902,2072.360107,2046.040039,2058.199951,2058.199951,2708700000 +2015-01-05,2054.439941,2054.439941,2017.339966,2020.579956,2020.579956,3799120000 +2015-01-06,2022.150024,2030.250000,1992.439941,2002.609985,2002.609985,4460110000 +2015-01-07,2005.550049,2029.609985,2005.550049,2025.900024,2025.900024,3805480000 +2015-01-08,2030.609985,2064.080078,2030.609985,2062.139893,2062.139893,3934010000 +2015-01-09,2063.449951,2064.429932,2038.329956,2044.810059,2044.810059,3364140000 +2015-01-12,2046.130005,2049.300049,2022.579956,2028.260010,2028.260010,3456460000 +2015-01-13,2031.579956,2056.929932,2008.250000,2023.030029,2023.030029,4107300000 +2015-01-14,2018.400024,2018.400024,1988.439941,2011.270020,2011.270020,4378680000 +2015-01-15,2013.750000,2021.349976,1991.469971,1992.670044,1992.670044,4276720000 +2015-01-16,1992.250000,2020.459961,1988.119995,2019.420044,2019.420044,4056410000 +2015-01-20,2020.760010,2028.939941,2004.489990,2022.550049,2022.550049,3944340000 +2015-01-21,2020.189941,2038.290039,2012.040039,2032.119995,2032.119995,3730070000 +2015-01-22,2034.300049,2064.620117,2026.380005,2063.149902,2063.149902,4176050000 +2015-01-23,2062.979980,2062.979980,2050.540039,2051.820068,2051.820068,3573560000 +2015-01-26,2050.419922,2057.620117,2040.969971,2057.090088,2057.090088,3465760000 +2015-01-27,2047.859985,2047.859985,2019.910034,2029.550049,2029.550049,3329810000 +2015-01-28,2032.339966,2042.489990,2001.489990,2002.160034,2002.160034,4067530000 +2015-01-29,2002.449951,2024.640015,1989.180054,2021.250000,2021.250000,4127140000 +2015-01-30,2019.349976,2023.319946,1993.380005,1994.989990,1994.989990,4568650000 +2015-02-02,1996.670044,2021.660034,1980.900024,2020.849976,2020.849976,4008330000 +2015-02-03,2022.709961,2050.300049,2022.709961,2050.030029,2050.030029,4615900000 +2015-02-04,2048.860107,2054.739990,2036.719971,2041.510010,2041.510010,4141920000 +2015-02-05,2043.449951,2063.550049,2043.449951,2062.520020,2062.520020,3821990000 +2015-02-06,2062.280029,2072.399902,2049.969971,2055.469971,2055.469971,4232970000 +2015-02-09,2053.469971,2056.159912,2041.880005,2046.739990,2046.739990,3549540000 +2015-02-10,2049.379883,2070.860107,2048.620117,2068.590088,2068.590088,3669850000 +2015-02-11,2068.550049,2073.479980,2057.989990,2068.530029,2068.530029,3596860000 +2015-02-12,2069.979980,2088.530029,2069.979980,2088.479980,2088.479980,3788350000 +2015-02-13,2088.780029,2097.030029,2086.699951,2096.989990,2096.989990,3527450000 +2015-02-17,2096.469971,2101.300049,2089.800049,2100.340088,2100.340088,3361750000 +2015-02-18,2099.159912,2100.229980,2092.149902,2099.679932,2099.679932,3370020000 +2015-02-19,2099.250000,2102.129883,2090.790039,2097.449951,2097.449951,3247100000 +2015-02-20,2097.649902,2110.610107,2085.439941,2110.300049,2110.300049,3281600000 +2015-02-23,2109.830078,2110.050049,2103.000000,2109.659912,2109.659912,3093680000 +2015-02-24,2109.100098,2117.939941,2105.870117,2115.479980,2115.479980,3199840000 +2015-02-25,2115.300049,2119.590088,2109.889893,2113.860107,2113.860107,3312340000 +2015-02-26,2113.909912,2113.909912,2103.760010,2110.739990,2110.739990,3408690000 +2015-02-27,2110.879883,2112.739990,2103.750000,2104.500000,2104.500000,3547380000 +2015-03-02,2105.229980,2117.520020,2104.500000,2117.389893,2117.389893,3409490000 +2015-03-03,2115.760010,2115.760010,2098.260010,2107.780029,2107.780029,3262300000 +2015-03-04,2107.719971,2107.719971,2094.489990,2098.530029,2098.530029,3421110000 +2015-03-05,2098.540039,2104.250000,2095.219971,2101.040039,2101.040039,3103030000 +2015-03-06,2100.909912,2100.909912,2067.270020,2071.260010,2071.260010,3853570000 +2015-03-09,2072.250000,2083.489990,2072.209961,2079.429932,2079.429932,3349090000 +2015-03-10,2076.139893,2076.139893,2044.160034,2044.160034,2044.160034,3668900000 +2015-03-11,2044.689941,2050.080078,2039.689941,2040.239990,2040.239990,3406570000 +2015-03-12,2041.099976,2066.409912,2041.099976,2065.949951,2065.949951,3405860000 +2015-03-13,2064.560059,2064.560059,2041.170044,2053.399902,2053.399902,3498560000 +2015-03-16,2055.350098,2081.409912,2055.350098,2081.189941,2081.189941,3295600000 +2015-03-17,2080.590088,2080.590088,2065.080078,2074.280029,2074.280029,3221840000 +2015-03-18,2072.840088,2106.850098,2061.229980,2099.500000,2099.500000,4128210000 +2015-03-19,2098.689941,2098.689941,2085.560059,2089.270020,2089.270020,3305220000 +2015-03-20,2090.320068,2113.919922,2090.320068,2108.100098,2108.100098,5554120000 +2015-03-23,2107.989990,2114.860107,2104.419922,2104.419922,2104.419922,3267960000 +2015-03-24,2103.939941,2107.629883,2091.500000,2091.500000,2091.500000,3189820000 +2015-03-25,2093.100098,2097.429932,2061.050049,2061.050049,2061.050049,3521140000 +2015-03-26,2059.939941,2067.149902,2045.500000,2056.149902,2056.149902,3510670000 +2015-03-27,2055.780029,2062.830078,2052.959961,2061.020020,2061.020020,3008550000 +2015-03-30,2064.110107,2088.969971,2064.110107,2086.239990,2086.239990,2917690000 +2015-03-31,2084.050049,2084.050049,2067.040039,2067.889893,2067.889893,3376550000 +2015-04-01,2067.629883,2067.629883,2048.379883,2059.689941,2059.689941,3543270000 +2015-04-02,2060.030029,2072.169922,2057.320068,2066.959961,2066.959961,3095960000 +2015-04-06,2064.870117,2086.989990,2056.520020,2080.620117,2080.620117,3302970000 +2015-04-07,2080.790039,2089.810059,2076.100098,2076.330078,2076.330078,3065510000 +2015-04-08,2076.939941,2086.689941,2073.300049,2081.899902,2081.899902,3265330000 +2015-04-09,2081.290039,2093.310059,2074.290039,2091.179932,2091.179932,3172360000 +2015-04-10,2091.510010,2102.610107,2091.510010,2102.060059,2102.060059,3156200000 +2015-04-13,2102.030029,2107.649902,2092.330078,2092.429932,2092.429932,2908420000 +2015-04-14,2092.280029,2098.620117,2083.239990,2095.840088,2095.840088,3301270000 +2015-04-15,2097.820068,2111.909912,2097.820068,2106.629883,2106.629883,4013760000 +2015-04-16,2105.959961,2111.300049,2100.020020,2104.989990,2104.989990,3434120000 +2015-04-17,2102.580078,2102.580078,2072.370117,2081.179932,2081.179932,3627600000 +2015-04-20,2084.110107,2103.939941,2084.110107,2100.399902,2100.399902,3000160000 +2015-04-21,2102.820068,2109.639893,2094.379883,2097.290039,2097.290039,3243410000 +2015-04-22,2098.270020,2109.979980,2091.050049,2107.959961,2107.959961,3348480000 +2015-04-23,2107.209961,2120.489990,2103.189941,2112.929932,2112.929932,3636670000 +2015-04-24,2112.800049,2120.919922,2112.800049,2117.689941,2117.689941,3375780000 +2015-04-27,2119.290039,2125.919922,2107.040039,2108.919922,2108.919922,3438750000 +2015-04-28,2108.350098,2116.040039,2094.889893,2114.760010,2114.760010,3546270000 +2015-04-29,2112.489990,2113.649902,2097.409912,2106.850098,2106.850098,4074970000 +2015-04-30,2105.520020,2105.520020,2077.590088,2085.510010,2085.510010,4509680000 +2015-05-01,2087.379883,2108.409912,2087.379883,2108.290039,2108.290039,3379390000 +2015-05-04,2110.229980,2120.949951,2110.229980,2114.489990,2114.489990,3091580000 +2015-05-05,2112.629883,2115.239990,2088.459961,2089.459961,2089.459961,3793950000 +2015-05-06,2091.260010,2098.419922,2067.929932,2080.149902,2080.149902,3792210000 +2015-05-07,2079.959961,2092.899902,2074.989990,2088.000000,2088.000000,3676640000 +2015-05-08,2092.129883,2117.659912,2092.129883,2116.100098,2116.100098,3399440000 +2015-05-11,2115.560059,2117.689941,2104.580078,2105.330078,2105.330078,2992670000 +2015-05-12,2102.870117,2105.060059,2085.570068,2099.120117,2099.120117,3139520000 +2015-05-13,2099.620117,2110.189941,2096.040039,2098.479980,2098.479980,3374260000 +2015-05-14,2100.429932,2121.449951,2100.429932,2121.100098,2121.100098,3225740000 +2015-05-15,2122.070068,2123.889893,2116.810059,2122.729980,2122.729980,3092080000 +2015-05-18,2121.300049,2131.780029,2120.010010,2129.199951,2129.199951,2888190000 +2015-05-19,2129.449951,2133.020020,2124.500000,2127.830078,2127.830078,3296030000 +2015-05-20,2127.790039,2134.719971,2122.590088,2125.850098,2125.850098,3025880000 +2015-05-21,2125.550049,2134.280029,2122.949951,2130.820068,2130.820068,3070460000 +2015-05-22,2130.360107,2132.149902,2126.060059,2126.060059,2126.060059,2571860000 +2015-05-26,2125.340088,2125.340088,2099.179932,2104.199951,2104.199951,3342130000 +2015-05-27,2105.129883,2126.219971,2105.129883,2123.479980,2123.479980,3127960000 +2015-05-28,2122.270020,2122.270020,2112.860107,2120.790039,2120.790039,2980350000 +2015-05-29,2120.659912,2120.659912,2104.889893,2107.389893,2107.389893,3927390000 +2015-06-01,2108.639893,2119.149902,2102.540039,2111.729980,2111.729980,3011710000 +2015-06-02,2110.409912,2117.590088,2099.139893,2109.600098,2109.600098,3049350000 +2015-06-03,2110.639893,2121.919922,2109.610107,2114.070068,2114.070068,3099980000 +2015-06-04,2112.350098,2112.889893,2093.229980,2095.840088,2095.840088,3200050000 +2015-06-05,2095.090088,2100.989990,2085.669922,2092.830078,2092.830078,3243690000 +2015-06-08,2092.340088,2093.010010,2079.110107,2079.280029,2079.280029,2917150000 +2015-06-09,2079.070068,2085.620117,2072.139893,2080.149902,2080.149902,3034580000 +2015-06-10,2081.120117,2108.500000,2081.120117,2105.199951,2105.199951,3414320000 +2015-06-11,2106.239990,2115.020020,2106.239990,2108.860107,2108.860107,3128600000 +2015-06-12,2107.429932,2107.429932,2091.330078,2094.110107,2094.110107,2719400000 +2015-06-15,2091.340088,2091.340088,2072.489990,2084.429932,2084.429932,3061570000 +2015-06-16,2084.260010,2097.399902,2082.100098,2096.290039,2096.290039,2919900000 +2015-06-17,2097.399902,2106.790039,2088.860107,2100.439941,2100.439941,3222240000 +2015-06-18,2101.580078,2126.649902,2101.580078,2121.239990,2121.239990,3520360000 +2015-06-19,2121.060059,2121.639893,2109.449951,2109.989990,2109.989990,4449810000 +2015-06-22,2112.500000,2129.870117,2112.500000,2122.850098,2122.850098,3030020000 +2015-06-23,2123.159912,2128.030029,2119.889893,2124.199951,2124.199951,3091190000 +2015-06-24,2123.649902,2125.100098,2108.580078,2108.580078,2108.580078,3102480000 +2015-06-25,2109.959961,2116.040039,2101.780029,2102.310059,2102.310059,3214610000 +2015-06-26,2102.620117,2108.919922,2095.379883,2101.489990,2101.489990,5025470000 +2015-06-29,2098.629883,2098.629883,2056.639893,2057.639893,2057.639893,3678960000 +2015-06-30,2061.189941,2074.280029,2056.320068,2063.110107,2063.110107,4078540000 +2015-07-01,2067.000000,2082.780029,2067.000000,2077.419922,2077.419922,3727260000 +2015-07-02,2078.030029,2085.060059,2071.020020,2076.780029,2076.780029,2996540000 +2015-07-06,2073.949951,2078.610107,2058.399902,2068.760010,2068.760010,3486360000 +2015-07-07,2069.520020,2083.739990,2044.020020,2081.340088,2081.340088,4458660000 +2015-07-08,2077.659912,2077.659912,2044.660034,2046.680054,2046.680054,3608780000 +2015-07-09,2049.729980,2074.280029,2049.729980,2051.310059,2051.310059,3446810000 +2015-07-10,2052.739990,2081.310059,2052.739990,2076.620117,2076.620117,3065070000 +2015-07-13,2080.030029,2100.669922,2080.030029,2099.600098,2099.600098,3096730000 +2015-07-14,2099.719971,2111.979980,2098.179932,2108.949951,2108.949951,3002120000 +2015-07-15,2109.010010,2114.139893,2102.489990,2107.399902,2107.399902,3261810000 +2015-07-16,2110.550049,2124.419922,2110.550049,2124.290039,2124.290039,3227080000 +2015-07-17,2126.800049,2128.909912,2119.879883,2126.639893,2126.639893,3362750000 +2015-07-20,2126.850098,2132.820068,2123.659912,2128.280029,2128.280029,3245870000 +2015-07-21,2127.550049,2128.489990,2115.399902,2119.209961,2119.209961,3343690000 +2015-07-22,2118.209961,2118.510010,2110.000000,2114.149902,2114.149902,3694070000 +2015-07-23,2114.159912,2116.870117,2098.629883,2102.149902,2102.149902,3772810000 +2015-07-24,2102.239990,2106.010010,2077.090088,2079.649902,2079.649902,3870040000 +2015-07-27,2078.189941,2078.189941,2063.520020,2067.639893,2067.639893,3836750000 +2015-07-28,2070.750000,2095.600098,2069.090088,2093.250000,2093.250000,4117740000 +2015-07-29,2094.699951,2110.600098,2094.080078,2108.570068,2108.570068,4038900000 +2015-07-30,2106.780029,2110.479980,2094.969971,2108.629883,2108.629883,3579410000 +2015-07-31,2111.600098,2114.239990,2102.070068,2103.840088,2103.840088,3681340000 +2015-08-03,2104.489990,2105.699951,2087.310059,2098.040039,2098.040039,3476770000 +2015-08-04,2097.679932,2102.510010,2088.600098,2093.320068,2093.320068,3546710000 +2015-08-05,2095.270020,2112.659912,2095.270020,2099.840088,2099.840088,3968680000 +2015-08-06,2100.750000,2103.320068,2075.530029,2083.560059,2083.560059,4246570000 +2015-08-07,2082.610107,2082.610107,2067.909912,2077.570068,2077.570068,3602320000 +2015-08-10,2080.979980,2105.350098,2080.979980,2104.179932,2104.179932,3514460000 +2015-08-11,2102.659912,2102.659912,2076.489990,2084.070068,2084.070068,3708880000 +2015-08-12,2081.100098,2089.060059,2052.090088,2086.050049,2086.050049,4269130000 +2015-08-13,2086.189941,2092.929932,2078.260010,2083.389893,2083.389893,3221300000 +2015-08-14,2083.149902,2092.449951,2080.610107,2091.540039,2091.540039,2795590000 +2015-08-17,2089.699951,2102.870117,2079.300049,2102.439941,2102.439941,2867690000 +2015-08-18,2101.989990,2103.469971,2094.139893,2096.919922,2096.919922,2949990000 +2015-08-19,2095.689941,2096.169922,2070.530029,2079.610107,2079.610107,3512920000 +2015-08-20,2076.610107,2076.610107,2035.729980,2035.729980,2035.729980,3922470000 +2015-08-21,2034.079956,2034.079956,1970.890015,1970.890015,1970.890015,5018240000 +2015-08-24,1965.150024,1965.150024,1867.010010,1893.209961,1893.209961,6612690000 +2015-08-25,1898.079956,1948.040039,1867.079956,1867.609985,1867.609985,5183560000 +2015-08-26,1872.750000,1943.089966,1872.750000,1940.510010,1940.510010,5338250000 +2015-08-27,1942.770020,1989.599976,1942.770020,1987.660034,1987.660034,5006390000 +2015-08-28,1986.060059,1993.479980,1975.189941,1988.869995,1988.869995,3949080000 +2015-08-31,1986.729980,1986.729980,1965.979980,1972.180054,1972.180054,3915100000 +2015-09-01,1970.089966,1970.089966,1903.069946,1913.849976,1913.849976,4371850000 +2015-09-02,1916.520020,1948.910034,1916.520020,1948.859985,1948.859985,3742620000 +2015-09-03,1950.790039,1975.010010,1944.719971,1951.130005,1951.130005,3520700000 +2015-09-04,1947.760010,1947.760010,1911.209961,1921.219971,1921.219971,3167090000 +2015-09-08,1927.300049,1970.420044,1927.300049,1969.410034,1969.410034,3548650000 +2015-09-09,1971.449951,1988.630005,1937.880005,1942.040039,1942.040039,3652120000 +2015-09-10,1941.589966,1965.290039,1937.189941,1952.290039,1952.290039,3626320000 +2015-09-11,1951.449951,1961.050049,1939.189941,1961.050049,1961.050049,3218590000 +2015-09-14,1963.060059,1963.060059,1948.270020,1953.030029,1953.030029,3000200000 +2015-09-15,1955.099976,1983.189941,1954.300049,1978.089966,1978.089966,3239860000 +2015-09-16,1978.020020,1997.260010,1977.930054,1995.310059,1995.310059,3630680000 +2015-09-17,1995.329956,2020.859985,1986.729980,1990.199951,1990.199951,4183790000 +2015-09-18,1989.660034,1989.660034,1953.449951,1958.030029,1958.030029,6021240000 +2015-09-21,1960.839966,1979.640015,1955.800049,1966.969971,1966.969971,3269350000 +2015-09-22,1961.390015,1961.390015,1929.219971,1942.739990,1942.739990,3808260000 +2015-09-23,1943.239990,1949.520020,1932.569946,1938.760010,1938.760010,3190530000 +2015-09-24,1934.810059,1937.170044,1908.920044,1932.239990,1932.239990,4091530000 +2015-09-25,1935.930054,1952.890015,1921.500000,1931.339966,1931.339966,3721870000 +2015-09-28,1929.180054,1929.180054,1879.209961,1881.770020,1881.770020,4326660000 +2015-09-29,1881.900024,1899.479980,1871.910034,1884.089966,1884.089966,4132390000 +2015-09-30,1887.140015,1920.530029,1887.140015,1920.030029,1920.030029,4525070000 +2015-10-01,1919.650024,1927.209961,1900.699951,1923.819946,1923.819946,3983600000 +2015-10-02,1921.770020,1951.359985,1893.699951,1951.359985,1951.359985,4378570000 +2015-10-05,1954.329956,1989.170044,1954.329956,1987.050049,1987.050049,4334490000 +2015-10-06,1986.630005,1991.619995,1971.989990,1979.920044,1979.920044,4202400000 +2015-10-07,1982.339966,1999.310059,1976.439941,1995.829956,1995.829956,4666470000 +2015-10-08,1994.010010,2016.500000,1987.530029,2013.430054,2013.430054,3939140000 +2015-10-09,2013.729980,2020.130005,2007.609985,2014.890015,2014.890015,3706900000 +2015-10-12,2015.650024,2018.660034,2010.550049,2017.459961,2017.459961,2893250000 +2015-10-13,2015.000000,2022.339966,2001.780029,2003.689941,2003.689941,3401920000 +2015-10-14,2003.660034,2009.560059,1990.729980,1994.239990,1994.239990,3644590000 +2015-10-15,1996.469971,2024.150024,1996.469971,2023.859985,2023.859985,3746290000 +2015-10-16,2024.369995,2033.540039,2020.459961,2033.109985,2033.109985,3595430000 +2015-10-19,2031.729980,2034.449951,2022.310059,2033.660034,2033.660034,3287320000 +2015-10-20,2033.130005,2039.119995,2026.609985,2030.770020,2030.770020,3331500000 +2015-10-21,2033.469971,2037.969971,2017.219971,2018.939941,2018.939941,3627790000 +2015-10-22,2021.880005,2055.199951,2021.880005,2052.510010,2052.510010,4430850000 +2015-10-23,2058.189941,2079.739990,2058.189941,2075.149902,2075.149902,4108460000 +2015-10-26,2075.080078,2075.139893,2066.530029,2071.179932,2071.179932,3385800000 +2015-10-27,2068.750000,2070.370117,2058.840088,2065.889893,2065.889893,4216880000 +2015-10-28,2066.479980,2090.350098,2063.110107,2090.350098,2090.350098,4698110000 +2015-10-29,2088.350098,2092.520020,2082.629883,2089.409912,2089.409912,4008940000 +2015-10-30,2090.000000,2094.320068,2079.340088,2079.360107,2079.360107,4256200000 +2015-11-02,2080.760010,2106.199951,2080.760010,2104.050049,2104.050049,3760020000 +2015-11-03,2102.629883,2116.479980,2097.510010,2109.790039,2109.790039,4272060000 +2015-11-04,2110.600098,2114.590088,2096.979980,2102.310059,2102.310059,4078870000 +2015-11-05,2101.679932,2108.780029,2090.409912,2099.929932,2099.929932,4051890000 +2015-11-06,2098.600098,2101.909912,2083.739990,2099.199951,2099.199951,4369020000 +2015-11-09,2096.560059,2096.560059,2068.239990,2078.580078,2078.580078,3882350000 +2015-11-10,2077.189941,2083.669922,2069.909912,2081.719971,2081.719971,3821440000 +2015-11-11,2083.409912,2086.939941,2074.850098,2075.000000,2075.000000,3692410000 +2015-11-12,2072.290039,2072.290039,2045.660034,2045.969971,2045.969971,4016370000 +2015-11-13,2044.640015,2044.640015,2022.020020,2023.040039,2023.040039,4278750000 +2015-11-16,2022.079956,2053.219971,2019.390015,2053.189941,2053.189941,3741240000 +2015-11-17,2053.669922,2066.689941,2045.900024,2050.439941,2050.439941,4427350000 +2015-11-18,2051.989990,2085.310059,2051.989990,2083.580078,2083.580078,3926390000 +2015-11-19,2083.699951,2086.739990,2078.760010,2081.239990,2081.239990,3628110000 +2015-11-20,2082.820068,2097.060059,2082.820068,2089.169922,2089.169922,3929600000 +2015-11-23,2089.409912,2095.610107,2081.389893,2086.590088,2086.590088,3587980000 +2015-11-24,2084.419922,2094.120117,2070.290039,2089.139893,2089.139893,3884930000 +2015-11-25,2089.300049,2093.000000,2086.300049,2088.870117,2088.870117,2852940000 +2015-11-27,2088.820068,2093.290039,2084.129883,2090.110107,2090.110107,1466840000 +2015-11-30,2090.949951,2093.810059,2080.409912,2080.409912,2080.409912,4275030000 +2015-12-01,2082.929932,2103.370117,2082.929932,2102.629883,2102.629883,3712120000 +2015-12-02,2101.709961,2104.270020,2077.110107,2079.510010,2079.510010,3950640000 +2015-12-03,2080.709961,2085.000000,2042.349976,2049.620117,2049.620117,4306490000 +2015-12-04,2051.239990,2093.840088,2051.239990,2091.689941,2091.689941,4214910000 +2015-12-07,2090.419922,2090.419922,2066.780029,2077.070068,2077.070068,4043820000 +2015-12-08,2073.389893,2073.850098,2052.320068,2063.590088,2063.590088,4173570000 +2015-12-09,2061.169922,2080.330078,2036.530029,2047.619995,2047.619995,4385250000 +2015-12-10,2047.930054,2067.649902,2045.670044,2052.229980,2052.229980,3715150000 +2015-12-11,2047.270020,2047.270020,2008.800049,2012.369995,2012.369995,4301060000 +2015-12-14,2013.369995,2022.920044,1993.260010,2021.939941,2021.939941,4612440000 +2015-12-15,2025.550049,2053.870117,2025.550049,2043.410034,2043.410034,4353540000 +2015-12-16,2046.500000,2076.719971,2042.430054,2073.070068,2073.070068,4635450000 +2015-12-17,2073.760010,2076.370117,2041.660034,2041.890015,2041.890015,4327390000 +2015-12-18,2040.810059,2040.810059,2005.329956,2005.550049,2005.550049,6683070000 +2015-12-21,2010.270020,2022.900024,2005.930054,2021.150024,2021.150024,3760280000 +2015-12-22,2023.150024,2042.739990,2020.489990,2038.969971,2038.969971,3520860000 +2015-12-23,2042.199951,2064.729980,2042.199951,2064.290039,2064.290039,3484090000 +2015-12-24,2063.520020,2067.360107,2058.729980,2060.989990,2060.989990,1411860000 +2015-12-28,2057.770020,2057.770020,2044.199951,2056.500000,2056.500000,2492510000 +2015-12-29,2060.540039,2081.560059,2060.540039,2078.360107,2078.360107,2542000000 +2015-12-30,2077.340088,2077.340088,2061.969971,2063.360107,2063.360107,2367430000 +2015-12-31,2060.590088,2062.540039,2043.619995,2043.939941,2043.939941,2655330000 +2016-01-04,2038.199951,2038.199951,1989.680054,2012.660034,2012.660034,4304880000 +2016-01-05,2013.780029,2021.939941,2004.170044,2016.709961,2016.709961,3706620000 +2016-01-06,2011.709961,2011.709961,1979.050049,1990.260010,1990.260010,4336660000 +2016-01-07,1985.319946,1985.319946,1938.829956,1943.089966,1943.089966,5076590000 +2016-01-08,1945.969971,1960.400024,1918.459961,1922.030029,1922.030029,4664940000 +2016-01-11,1926.119995,1935.650024,1901.099976,1923.670044,1923.670044,4607290000 +2016-01-12,1927.829956,1947.380005,1914.349976,1938.680054,1938.680054,4887260000 +2016-01-13,1940.339966,1950.329956,1886.410034,1890.280029,1890.280029,5087030000 +2016-01-14,1891.680054,1934.469971,1878.930054,1921.839966,1921.839966,5241110000 +2016-01-15,1916.680054,1916.680054,1857.829956,1880.329956,1880.329956,5468460000 +2016-01-19,1888.660034,1901.439941,1864.599976,1881.329956,1881.329956,4928350000 +2016-01-20,1876.180054,1876.180054,1812.290039,1859.329956,1859.329956,6416070000 +2016-01-21,1861.459961,1889.849976,1848.979980,1868.989990,1868.989990,5078810000 +2016-01-22,1877.400024,1908.849976,1877.400024,1906.900024,1906.900024,4901760000 +2016-01-25,1906.280029,1906.280029,1875.969971,1877.079956,1877.079956,4401380000 +2016-01-26,1878.790039,1906.729980,1878.790039,1903.630005,1903.630005,4357940000 +2016-01-27,1902.520020,1916.989990,1872.699951,1882.949951,1882.949951,4754040000 +2016-01-28,1885.219971,1902.959961,1873.650024,1893.359985,1893.359985,4693010000 +2016-01-29,1894.000000,1940.239990,1894.000000,1940.239990,1940.239990,5497570000 +2016-02-01,1936.939941,1947.199951,1920.300049,1939.380005,1939.380005,4322530000 +2016-02-02,1935.260010,1935.260010,1897.290039,1903.030029,1903.030029,4463190000 +2016-02-03,1907.069946,1918.010010,1872.229980,1912.530029,1912.530029,5172950000 +2016-02-04,1911.670044,1927.349976,1900.520020,1915.449951,1915.449951,5193320000 +2016-02-05,1913.069946,1913.069946,1872.650024,1880.050049,1880.050049,4929940000 +2016-02-08,1873.250000,1873.250000,1828.459961,1853.439941,1853.439941,5636460000 +2016-02-09,1848.459961,1868.250000,1834.939941,1852.209961,1852.209961,5183220000 +2016-02-10,1857.099976,1881.599976,1850.319946,1851.859985,1851.859985,4471170000 +2016-02-11,1847.000000,1847.000000,1810.099976,1829.079956,1829.079956,5500800000 +2016-02-12,1833.400024,1864.780029,1833.400024,1864.780029,1864.780029,4696920000 +2016-02-16,1871.439941,1895.770020,1871.439941,1895.579956,1895.579956,4570670000 +2016-02-17,1898.800049,1930.680054,1898.800049,1926.819946,1926.819946,5011540000 +2016-02-18,1927.569946,1930.000000,1915.089966,1917.829956,1917.829956,4436490000 +2016-02-19,1916.739990,1918.780029,1902.170044,1917.780029,1917.780029,4142850000 +2016-02-22,1924.439941,1946.699951,1924.439941,1945.500000,1945.500000,4054710000 +2016-02-23,1942.380005,1942.380005,1919.439941,1921.270020,1921.270020,3890650000 +2016-02-24,1917.560059,1932.079956,1891.000000,1929.800049,1929.800049,4317250000 +2016-02-25,1931.869995,1951.829956,1925.410034,1951.699951,1951.699951,4118210000 +2016-02-26,1954.949951,1962.959961,1945.780029,1948.050049,1948.050049,4348510000 +2016-02-29,1947.130005,1958.270020,1931.810059,1932.229980,1932.229980,4588180000 +2016-03-01,1937.089966,1978.349976,1937.089966,1978.349976,1978.349976,4819750000 +2016-03-02,1976.599976,1986.510010,1968.800049,1986.449951,1986.449951,4666610000 +2016-03-03,1985.599976,1993.689941,1977.369995,1993.400024,1993.400024,5081700000 +2016-03-04,1994.010010,2009.130005,1986.770020,1999.989990,1999.989990,6049930000 +2016-03-07,1996.109985,2006.119995,1989.380005,2001.760010,2001.760010,4968180000 +2016-03-08,1996.880005,1996.880005,1977.430054,1979.260010,1979.260010,4641650000 +2016-03-09,1981.439941,1992.689941,1979.839966,1989.260010,1989.260010,4038120000 +2016-03-10,1990.969971,2005.079956,1969.250000,1989.569946,1989.569946,4376790000 +2016-03-11,1994.709961,2022.369995,1994.709961,2022.189941,2022.189941,4078620000 +2016-03-14,2019.270020,2024.569946,2012.050049,2019.640015,2019.640015,3487850000 +2016-03-15,2015.270020,2015.939941,2005.229980,2015.930054,2015.930054,3560280000 +2016-03-16,2014.239990,2032.020020,2010.040039,2027.219971,2027.219971,4057020000 +2016-03-17,2026.900024,2046.239990,2022.160034,2040.589966,2040.589966,4530480000 +2016-03-18,2041.160034,2052.360107,2041.160034,2049.580078,2049.580078,6503140000 +2016-03-21,2047.880005,2053.909912,2043.140015,2051.600098,2051.600098,3376600000 +2016-03-22,2048.639893,2056.600098,2040.569946,2049.800049,2049.800049,3418460000 +2016-03-23,2048.550049,2048.550049,2034.859985,2036.709961,2036.709961,3639510000 +2016-03-24,2032.479980,2036.040039,2022.489990,2035.939941,2035.939941,3407720000 +2016-03-28,2037.890015,2042.670044,2031.959961,2037.050049,2037.050049,2809090000 +2016-03-29,2035.750000,2055.909912,2028.310059,2055.010010,2055.010010,3822330000 +2016-03-30,2058.270020,2072.209961,2058.270020,2063.949951,2063.949951,3590310000 +2016-03-31,2063.770020,2067.919922,2057.459961,2059.739990,2059.739990,3715280000 +2016-04-01,2056.620117,2075.070068,2043.979980,2072.780029,2072.780029,3749990000 +2016-04-04,2073.189941,2074.020020,2062.570068,2066.129883,2066.129883,3485710000 +2016-04-05,2062.500000,2062.500000,2042.560059,2045.170044,2045.170044,4154920000 +2016-04-06,2045.560059,2067.330078,2043.089966,2066.659912,2066.659912,3750800000 +2016-04-07,2063.010010,2063.010010,2033.800049,2041.910034,2041.910034,3801250000 +2016-04-08,2045.540039,2060.629883,2041.689941,2047.599976,2047.599976,3359530000 +2016-04-11,2050.229980,2062.929932,2041.880005,2041.989990,2041.989990,3567840000 +2016-04-12,2043.719971,2065.050049,2039.739990,2061.719971,2061.719971,4239740000 +2016-04-13,2065.919922,2083.179932,2065.919922,2082.419922,2082.419922,4191830000 +2016-04-14,2082.889893,2087.840088,2078.129883,2082.780029,2082.780029,3765870000 +2016-04-15,2083.100098,2083.219971,2076.310059,2080.729980,2080.729980,3701450000 +2016-04-18,2078.830078,2094.659912,2073.649902,2094.340088,2094.340088,3316880000 +2016-04-19,2096.050049,2104.050049,2091.679932,2100.800049,2100.800049,3896830000 +2016-04-20,2101.520020,2111.050049,2096.320068,2102.399902,2102.399902,4184880000 +2016-04-21,2102.090088,2103.780029,2088.520020,2091.479980,2091.479980,4175290000 +2016-04-22,2091.489990,2094.320068,2081.199951,2091.580078,2091.580078,3790580000 +2016-04-25,2089.370117,2089.370117,2077.520020,2087.790039,2087.790039,3319740000 +2016-04-26,2089.840088,2096.870117,2085.800049,2091.699951,2091.699951,3557190000 +2016-04-27,2092.330078,2099.889893,2082.310059,2095.149902,2095.149902,4100110000 +2016-04-28,2090.929932,2099.300049,2071.620117,2075.810059,2075.810059,4309840000 +2016-04-29,2071.820068,2073.850098,2052.280029,2065.300049,2065.300049,4704720000 +2016-05-02,2067.169922,2083.419922,2066.110107,2081.429932,2081.429932,3841110000 +2016-05-03,2077.179932,2077.179932,2054.889893,2063.370117,2063.370117,4173390000 +2016-05-04,2060.300049,2060.300049,2045.550049,2051.120117,2051.120117,4058560000 +2016-05-05,2052.949951,2060.229980,2045.770020,2050.629883,2050.629883,4008530000 +2016-05-06,2047.770020,2057.719971,2039.449951,2057.139893,2057.139893,3796350000 +2016-05-09,2057.550049,2064.149902,2054.310059,2058.689941,2058.689941,3788620000 +2016-05-10,2062.629883,2084.870117,2062.629883,2084.389893,2084.389893,3600200000 +2016-05-11,2083.290039,2083.290039,2064.459961,2064.459961,2064.459961,3821980000 +2016-05-12,2067.169922,2073.989990,2053.129883,2064.110107,2064.110107,3782390000 +2016-05-13,2062.500000,2066.790039,2043.130005,2046.609985,2046.609985,3579880000 +2016-05-16,2046.530029,2071.879883,2046.530029,2066.659912,2066.659912,3501360000 +2016-05-17,2065.040039,2065.689941,2040.819946,2047.209961,2047.209961,4108960000 +2016-05-18,2044.380005,2060.610107,2034.489990,2047.630005,2047.630005,4101320000 +2016-05-19,2044.209961,2044.209961,2025.910034,2040.040039,2040.040039,3846770000 +2016-05-20,2041.880005,2058.350098,2041.880005,2052.320068,2052.320068,3507650000 +2016-05-23,2052.229980,2055.580078,2047.260010,2048.040039,2048.040039,3055480000 +2016-05-24,2052.649902,2079.669922,2052.649902,2076.060059,2076.060059,3627340000 +2016-05-25,2078.929932,2094.729980,2078.929932,2090.540039,2090.540039,3859160000 +2016-05-26,2091.439941,2094.300049,2087.080078,2090.100098,2090.100098,3230990000 +2016-05-27,2090.060059,2099.060059,2090.060059,2099.060059,2099.060059,3079150000 +2016-05-31,2100.129883,2103.479980,2088.659912,2096.949951,2096.949951,4514410000 +2016-06-01,2093.939941,2100.969971,2085.100098,2099.330078,2099.330078,3525170000 +2016-06-02,2097.709961,2105.260010,2088.590088,2105.260010,2105.260010,3632720000 +2016-06-03,2104.070068,2104.070068,2085.360107,2099.129883,2099.129883,3627780000 +2016-06-06,2100.830078,2113.360107,2100.830078,2109.409912,2109.409912,3442020000 +2016-06-07,2110.179932,2119.219971,2110.179932,2112.129883,2112.129883,3534730000 +2016-06-08,2112.709961,2120.550049,2112.709961,2119.120117,2119.120117,3562060000 +2016-06-09,2115.649902,2117.639893,2107.729980,2115.479980,2115.479980,3290320000 +2016-06-10,2109.570068,2109.570068,2089.959961,2096.070068,2096.070068,3515010000 +2016-06-13,2091.750000,2098.120117,2078.459961,2079.060059,2079.060059,3392030000 +2016-06-14,2076.649902,2081.300049,2064.100098,2075.320068,2075.320068,3759770000 +2016-06-15,2077.600098,2085.649902,2069.800049,2071.500000,2071.500000,3544720000 +2016-06-16,2066.360107,2079.620117,2050.370117,2077.989990,2077.989990,3628280000 +2016-06-17,2078.199951,2078.199951,2062.840088,2071.219971,2071.219971,4952630000 +2016-06-20,2075.580078,2100.659912,2075.580078,2083.250000,2083.250000,3467440000 +2016-06-21,2085.189941,2093.659912,2083.020020,2088.899902,2088.899902,3232880000 +2016-06-22,2089.750000,2099.709961,2084.360107,2085.449951,2085.449951,3168160000 +2016-06-23,2092.800049,2113.320068,2092.800049,2113.320068,2113.320068,3297940000 +2016-06-24,2103.810059,2103.810059,2032.569946,2037.410034,2037.410034,7597450000 +2016-06-27,2031.449951,2031.449951,1991.680054,2000.540039,2000.540039,5431220000 +2016-06-28,2006.670044,2036.089966,2006.670044,2036.089966,2036.089966,4385810000 +2016-06-29,2042.689941,2073.129883,2042.689941,2070.770020,2070.770020,4241740000 +2016-06-30,2073.169922,2098.939941,2070.000000,2098.860107,2098.860107,4622820000 +2016-07-01,2099.340088,2108.709961,2097.899902,2102.949951,2102.949951,3458890000 +2016-07-05,2095.050049,2095.050049,2080.860107,2088.550049,2088.550049,3658380000 +2016-07-06,2084.429932,2100.719971,2074.020020,2099.729980,2099.729980,3909380000 +2016-07-07,2100.419922,2109.080078,2089.389893,2097.899902,2097.899902,3604550000 +2016-07-08,2106.969971,2131.709961,2106.969971,2129.899902,2129.899902,3607500000 +2016-07-11,2131.719971,2143.159912,2131.719971,2137.159912,2137.159912,3253340000 +2016-07-12,2139.500000,2155.399902,2139.500000,2152.139893,2152.139893,4097820000 +2016-07-13,2153.810059,2156.449951,2146.209961,2152.429932,2152.429932,3502320000 +2016-07-14,2157.879883,2168.989990,2157.879883,2163.750000,2163.750000,3465610000 +2016-07-15,2165.129883,2169.050049,2155.790039,2161.739990,2161.739990,3122600000 +2016-07-18,2162.040039,2168.350098,2159.629883,2166.889893,2166.889893,3009310000 +2016-07-19,2163.790039,2164.629883,2159.010010,2163.780029,2163.780029,2968340000 +2016-07-20,2166.100098,2175.629883,2164.889893,2173.020020,2173.020020,3211860000 +2016-07-21,2172.909912,2174.560059,2159.750000,2165.169922,2165.169922,3438900000 +2016-07-22,2166.469971,2175.110107,2163.239990,2175.030029,2175.030029,3023280000 +2016-07-25,2173.709961,2173.709961,2161.949951,2168.479980,2168.479980,3057240000 +2016-07-26,2168.969971,2173.540039,2160.179932,2169.179932,2169.179932,3442350000 +2016-07-27,2169.810059,2174.979980,2159.070068,2166.580078,2166.580078,3995500000 +2016-07-28,2166.050049,2172.850098,2159.739990,2170.060059,2170.060059,3664240000 +2016-07-29,2168.830078,2177.090088,2163.489990,2173.600098,2173.600098,4038840000 +2016-08-01,2173.149902,2178.290039,2166.209961,2170.840088,2170.840088,3505990000 +2016-08-02,2169.939941,2170.199951,2147.580078,2157.030029,2157.030029,3848750000 +2016-08-03,2156.810059,2163.790039,2152.560059,2163.790039,2163.790039,3786530000 +2016-08-04,2163.510010,2168.189941,2159.070068,2164.250000,2164.250000,3709200000 +2016-08-05,2168.790039,2182.870117,2168.790039,2182.870117,2182.870117,3663070000 +2016-08-08,2183.760010,2185.439941,2177.850098,2180.889893,2180.889893,3327550000 +2016-08-09,2182.239990,2187.659912,2178.610107,2181.739990,2181.739990,3334300000 +2016-08-10,2182.810059,2183.409912,2172.000000,2175.489990,2175.489990,3254950000 +2016-08-11,2177.969971,2188.449951,2177.969971,2185.790039,2185.790039,3423160000 +2016-08-12,2183.739990,2186.280029,2179.419922,2184.050049,2184.050049,3000660000 +2016-08-15,2186.080078,2193.810059,2186.080078,2190.149902,2190.149902,3078530000 +2016-08-16,2186.239990,2186.239990,2178.139893,2178.149902,2178.149902,3196400000 +2016-08-17,2177.840088,2183.080078,2168.500000,2182.219971,2182.219971,3388910000 +2016-08-18,2181.899902,2187.030029,2180.459961,2187.020020,2187.020020,3300570000 +2016-08-19,2184.239990,2185.000000,2175.129883,2183.870117,2183.870117,3084800000 +2016-08-22,2181.580078,2185.149902,2175.959961,2182.639893,2182.639893,2777550000 +2016-08-23,2187.810059,2193.419922,2186.800049,2186.899902,2186.899902,3041490000 +2016-08-24,2185.090088,2186.659912,2171.250000,2175.439941,2175.439941,3148280000 +2016-08-25,2173.290039,2179.000000,2169.739990,2172.469971,2172.469971,2969310000 +2016-08-26,2175.100098,2187.939941,2160.389893,2169.040039,2169.040039,3342340000 +2016-08-29,2170.189941,2183.479980,2170.189941,2180.379883,2180.379883,2654780000 +2016-08-30,2179.449951,2182.270020,2170.409912,2176.120117,2176.120117,3006800000 +2016-08-31,2173.560059,2173.790039,2161.350098,2170.949951,2170.949951,3766390000 +2016-09-01,2171.330078,2173.560059,2157.090088,2170.860107,2170.860107,3392120000 +2016-09-02,2177.489990,2184.870117,2173.590088,2179.979980,2179.979980,3091120000 +2016-09-06,2181.610107,2186.570068,2175.100098,2186.479980,2186.479980,3447650000 +2016-09-07,2185.169922,2187.870117,2179.070068,2186.159912,2186.159912,3319420000 +2016-09-08,2182.760010,2184.939941,2177.489990,2181.300049,2181.300049,3727840000 +2016-09-09,2169.080078,2169.080078,2127.810059,2127.810059,2127.810059,4233960000 +2016-09-12,2120.860107,2163.300049,2119.120117,2159.040039,2159.040039,4010480000 +2016-09-13,2150.469971,2150.469971,2120.270020,2127.020020,2127.020020,4141670000 +2016-09-14,2127.860107,2141.330078,2119.899902,2125.770020,2125.770020,3664100000 +2016-09-15,2125.360107,2151.310059,2122.360107,2147.260010,2147.260010,3373720000 +2016-09-16,2146.479980,2146.479980,2131.199951,2139.159912,2139.159912,5014360000 +2016-09-19,2143.989990,2153.610107,2135.909912,2139.120117,2139.120117,3163000000 +2016-09-20,2145.939941,2150.800049,2139.169922,2139.760010,2139.760010,3140730000 +2016-09-21,2144.580078,2165.110107,2139.570068,2163.120117,2163.120117,3712090000 +2016-09-22,2170.939941,2179.989990,2170.939941,2177.179932,2177.179932,3552830000 +2016-09-23,2173.290039,2173.750000,2163.969971,2164.689941,2164.689941,3317190000 +2016-09-26,2158.540039,2158.540039,2145.040039,2146.100098,2146.100098,3216170000 +2016-09-27,2146.040039,2161.129883,2141.550049,2159.929932,2159.929932,3437770000 +2016-09-28,2161.850098,2172.399902,2151.790039,2171.370117,2171.370117,3891460000 +2016-09-29,2168.899902,2172.669922,2145.199951,2151.129883,2151.129883,4249220000 +2016-09-30,2156.510010,2175.300049,2156.510010,2168.270020,2168.270020,4173340000 +2016-10-03,2164.330078,2164.409912,2154.770020,2161.199951,2161.199951,3137550000 +2016-10-04,2163.370117,2165.459961,2144.010010,2150.489990,2150.489990,3750890000 +2016-10-05,2155.149902,2163.949951,2155.149902,2159.729980,2159.729980,3906550000 +2016-10-06,2158.219971,2162.929932,2150.280029,2160.770020,2160.770020,3461550000 +2016-10-07,2164.189941,2165.860107,2144.850098,2153.739990,2153.739990,3619890000 +2016-10-10,2160.389893,2169.600098,2160.389893,2163.659912,2163.659912,2916550000 +2016-10-11,2161.350098,2161.560059,2128.840088,2136.729980,2136.729980,3438270000 +2016-10-12,2137.669922,2145.360107,2132.770020,2139.179932,2139.179932,2977100000 +2016-10-13,2130.260010,2138.189941,2114.719971,2132.550049,2132.550049,3580450000 +2016-10-14,2139.679932,2149.189941,2132.979980,2132.979980,2132.979980,3228150000 +2016-10-17,2132.949951,2135.610107,2124.429932,2126.500000,2126.500000,2830390000 +2016-10-18,2138.310059,2144.379883,2135.489990,2139.600098,2139.600098,3170000000 +2016-10-19,2140.810059,2148.439941,2138.149902,2144.290039,2144.290039,3362670000 +2016-10-20,2142.510010,2147.179932,2133.439941,2141.340088,2141.340088,3337170000 +2016-10-21,2139.429932,2142.629883,2130.090088,2141.159912,2141.159912,3448850000 +2016-10-24,2148.500000,2154.790039,2146.909912,2151.330078,2151.330078,3357320000 +2016-10-25,2149.719971,2151.439941,2141.929932,2143.159912,2143.159912,3751340000 +2016-10-26,2136.969971,2145.729980,2131.590088,2139.429932,2139.429932,3775200000 +2016-10-27,2144.060059,2147.129883,2132.520020,2133.040039,2133.040039,4204830000 +2016-10-28,2132.229980,2140.719971,2119.360107,2126.409912,2126.409912,4019510000 +2016-10-31,2129.780029,2133.250000,2125.530029,2126.149902,2126.149902,3922400000 +2016-11-01,2128.679932,2131.449951,2097.850098,2111.719971,2111.719971,4532160000 +2016-11-02,2109.429932,2111.760010,2094.000000,2097.939941,2097.939941,4248580000 +2016-11-03,2098.800049,2102.560059,2085.229980,2088.659912,2088.659912,3886740000 +2016-11-04,2083.790039,2099.070068,2083.790039,2085.179932,2085.179932,3837860000 +2016-11-07,2100.590088,2132.000000,2100.590088,2131.520020,2131.520020,3736060000 +2016-11-08,2129.919922,2146.870117,2123.560059,2139.560059,2139.560059,3916930000 +2016-11-09,2131.560059,2170.100098,2125.350098,2163.260010,2163.260010,6264150000 +2016-11-10,2167.489990,2182.300049,2151.169922,2167.479980,2167.479980,6451640000 +2016-11-11,2162.709961,2165.919922,2152.489990,2164.449951,2164.449951,4988050000 +2016-11-14,2165.639893,2171.360107,2156.080078,2164.199951,2164.199951,5367200000 +2016-11-15,2168.290039,2180.840088,2166.379883,2180.389893,2180.389893,4543860000 +2016-11-16,2177.530029,2179.219971,2172.199951,2176.939941,2176.939941,3830590000 +2016-11-17,2178.610107,2188.060059,2176.649902,2187.120117,2187.120117,3809160000 +2016-11-18,2186.850098,2189.889893,2180.379883,2181.899902,2181.899902,3572400000 +2016-11-21,2186.429932,2198.699951,2186.429932,2198.179932,2198.179932,3607010000 +2016-11-22,2201.560059,2204.800049,2194.510010,2202.939941,2202.939941,3957940000 +2016-11-23,2198.550049,2204.719971,2194.510010,2204.719971,2204.719971,3418640000 +2016-11-25,2206.270020,2213.350098,2206.270020,2213.350098,2213.350098,1584600000 +2016-11-28,2210.209961,2211.139893,2200.360107,2201.719971,2201.719971,3505650000 +2016-11-29,2200.760010,2210.459961,2198.149902,2204.659912,2204.659912,3706560000 +2016-11-30,2204.969971,2214.100098,2198.810059,2198.810059,2198.810059,5533980000 +2016-12-01,2200.169922,2202.600098,2187.439941,2191.080078,2191.080078,5063740000 +2016-12-02,2191.120117,2197.949951,2188.370117,2191.949951,2191.949951,3779500000 +2016-12-05,2200.649902,2209.419922,2199.969971,2204.709961,2204.709961,3895230000 +2016-12-06,2207.260010,2212.780029,2202.209961,2212.229980,2212.229980,3855320000 +2016-12-07,2210.719971,2241.629883,2208.929932,2241.350098,2241.350098,4501820000 +2016-12-08,2241.129883,2251.689941,2237.570068,2246.189941,2246.189941,4200580000 +2016-12-09,2249.729980,2259.800049,2249.229980,2259.530029,2259.530029,3884480000 +2016-12-12,2258.830078,2264.030029,2252.370117,2256.959961,2256.959961,4034510000 +2016-12-13,2263.320068,2277.530029,2263.320068,2271.719971,2271.719971,3857590000 +2016-12-14,2268.350098,2276.199951,2248.439941,2253.280029,2253.280029,4406970000 +2016-12-15,2253.770020,2272.120117,2253.770020,2262.030029,2262.030029,4168200000 +2016-12-16,2266.810059,2268.050049,2254.239990,2258.070068,2258.070068,5920340000 +2016-12-19,2259.239990,2267.469971,2258.209961,2262.530029,2262.530029,3248370000 +2016-12-20,2266.500000,2272.560059,2266.139893,2270.760010,2270.760010,3298780000 +2016-12-21,2270.540039,2271.229980,2265.149902,2265.179932,2265.179932,2852230000 +2016-12-22,2262.929932,2263.179932,2256.080078,2260.959961,2260.959961,2876320000 +2016-12-23,2260.250000,2263.790039,2258.840088,2263.790039,2263.790039,2020550000 +2016-12-27,2266.229980,2273.820068,2266.149902,2268.879883,2268.879883,1987080000 +2016-12-28,2270.229980,2271.310059,2249.110107,2249.919922,2249.919922,2392360000 +2016-12-29,2249.500000,2254.510010,2244.560059,2249.260010,2249.260010,2336370000 +2016-12-30,2251.610107,2253.580078,2233.620117,2238.830078,2238.830078,2670900000 +2017-01-03,2251.570068,2263.879883,2245.129883,2257.830078,2257.830078,3770530000 +2017-01-04,2261.600098,2272.820068,2261.600098,2270.750000,2270.750000,3764890000 +2017-01-05,2268.179932,2271.500000,2260.449951,2269.000000,2269.000000,3761820000 +2017-01-06,2271.139893,2282.100098,2264.060059,2276.979980,2276.979980,3339890000 +2017-01-09,2273.590088,2275.489990,2268.899902,2268.899902,2268.899902,3217610000 +2017-01-10,2269.719971,2279.270020,2265.270020,2268.899902,2268.899902,3638790000 +2017-01-11,2268.600098,2275.320068,2260.830078,2275.320068,2275.320068,3620410000 +2017-01-12,2271.139893,2271.780029,2254.250000,2270.439941,2270.439941,3462130000 +2017-01-13,2272.739990,2278.679932,2271.510010,2274.639893,2274.639893,3081270000 +2017-01-17,2269.139893,2272.080078,2262.810059,2267.889893,2267.889893,3584990000 +2017-01-18,2269.139893,2272.010010,2263.350098,2271.889893,2271.889893,3315250000 +2017-01-19,2271.899902,2274.330078,2258.409912,2263.689941,2263.689941,3165970000 +2017-01-20,2269.959961,2276.959961,2265.010010,2271.310059,2271.310059,3524970000 +2017-01-23,2267.780029,2271.780029,2257.020020,2265.199951,2265.199951,3152710000 +2017-01-24,2267.879883,2284.629883,2266.679932,2280.070068,2280.070068,3810960000 +2017-01-25,2288.879883,2299.550049,2288.879883,2298.370117,2298.370117,3846020000 +2017-01-26,2298.629883,2300.989990,2294.080078,2296.679932,2296.679932,3610360000 +2017-01-27,2299.020020,2299.020020,2291.620117,2294.689941,2294.689941,3135890000 +2017-01-30,2286.010010,2286.010010,2268.040039,2280.899902,2280.899902,3591270000 +2017-01-31,2274.020020,2279.090088,2267.209961,2278.870117,2278.870117,4087450000 +2017-02-01,2285.590088,2289.139893,2272.439941,2279.550049,2279.550049,3916610000 +2017-02-02,2276.689941,2283.969971,2271.649902,2280.850098,2280.850098,3807710000 +2017-02-03,2288.540039,2298.310059,2287.879883,2297.419922,2297.419922,3597970000 +2017-02-06,2294.280029,2296.179932,2288.570068,2292.560059,2292.560059,3109050000 +2017-02-07,2295.870117,2299.399902,2290.159912,2293.080078,2293.080078,3448690000 +2017-02-08,2289.550049,2295.909912,2285.379883,2294.669922,2294.669922,3609740000 +2017-02-09,2296.699951,2311.080078,2296.610107,2307.870117,2307.870117,3677940000 +2017-02-10,2312.270020,2319.229980,2311.100098,2316.100098,2316.100098,3475020000 +2017-02-13,2321.719971,2331.580078,2321.419922,2328.250000,2328.250000,3349730000 +2017-02-14,2326.120117,2337.580078,2322.169922,2337.580078,2337.580078,3520910000 +2017-02-15,2335.580078,2351.300049,2334.810059,2349.250000,2349.250000,3775590000 +2017-02-16,2349.639893,2351.310059,2338.870117,2347.219971,2347.219971,3672370000 +2017-02-17,2343.010010,2351.159912,2339.580078,2351.159912,2351.159912,3513060000 +2017-02-21,2354.909912,2366.709961,2354.909912,2365.379883,2365.379883,3579780000 +2017-02-22,2361.110107,2365.129883,2358.340088,2362.820068,2362.820068,3468670000 +2017-02-23,2367.500000,2368.260010,2355.090088,2363.810059,2363.810059,4015260000 +2017-02-24,2355.729980,2367.340088,2352.870117,2367.340088,2367.340088,3831570000 +2017-02-27,2365.229980,2371.540039,2361.870117,2369.750000,2369.750000,3582610000 +2017-02-28,2366.080078,2367.790039,2358.959961,2363.639893,2363.639893,4210140000 +2017-03-01,2380.129883,2400.979980,2380.129883,2395.959961,2395.959961,4345180000 +2017-03-02,2394.750000,2394.750000,2380.169922,2381.919922,2381.919922,3821320000 +2017-03-03,2380.919922,2383.889893,2375.389893,2383.120117,2383.120117,3555260000 +2017-03-06,2375.229980,2378.800049,2367.979980,2375.310059,2375.310059,3232700000 +2017-03-07,2370.739990,2375.120117,2365.510010,2368.389893,2368.389893,3518390000 +2017-03-08,2369.810059,2373.090088,2361.010010,2362.979980,2362.979980,3812100000 +2017-03-09,2363.489990,2369.080078,2354.540039,2364.870117,2364.870117,3716340000 +2017-03-10,2372.520020,2376.860107,2363.040039,2372.600098,2372.600098,3432950000 +2017-03-13,2371.560059,2374.419922,2368.520020,2373.469971,2373.469971,3133900000 +2017-03-14,2368.550049,2368.550049,2358.179932,2365.449951,2365.449951,3172630000 +2017-03-15,2370.340088,2390.010010,2368.939941,2385.260010,2385.260010,3906840000 +2017-03-16,2387.709961,2388.100098,2377.179932,2381.379883,2381.379883,3365660000 +2017-03-17,2383.709961,2385.709961,2377.639893,2378.250000,2378.250000,5178040000 +2017-03-20,2378.239990,2379.550049,2369.659912,2373.469971,2373.469971,3054930000 +2017-03-21,2379.320068,2381.929932,2341.899902,2344.020020,2344.020020,4265590000 +2017-03-22,2343.000000,2351.810059,2336.449951,2348.449951,2348.449951,3572730000 +2017-03-23,2345.969971,2358.919922,2342.129883,2345.959961,2345.959961,3260600000 +2017-03-24,2350.419922,2356.219971,2335.739990,2343.979980,2343.979980,2975130000 +2017-03-27,2329.110107,2344.899902,2322.250000,2341.590088,2341.590088,3240230000 +2017-03-28,2339.790039,2363.780029,2337.629883,2358.570068,2358.570068,3367780000 +2017-03-29,2356.540039,2363.360107,2352.939941,2361.129883,2361.129883,3106940000 +2017-03-30,2361.310059,2370.419922,2358.580078,2368.060059,2368.060059,3158420000 +2017-03-31,2364.820068,2370.350098,2362.600098,2362.719971,2362.719971,3354110000 +2017-04-03,2362.340088,2365.870117,2344.729980,2358.840088,2358.840088,3416400000 +2017-04-04,2354.760010,2360.530029,2350.719971,2360.159912,2360.159912,3206240000 +2017-04-05,2366.590088,2378.360107,2350.520020,2352.949951,2352.949951,3770520000 +2017-04-06,2353.790039,2364.159912,2348.899902,2357.489990,2357.489990,3201920000 +2017-04-07,2356.590088,2363.760010,2350.739990,2355.540039,2355.540039,3053150000 +2017-04-10,2357.159912,2366.370117,2351.500000,2357.159912,2357.159912,2785410000 +2017-04-11,2353.919922,2355.219971,2337.250000,2353.780029,2353.780029,3117420000 +2017-04-12,2352.149902,2352.719971,2341.179932,2344.929932,2344.929932,3196950000 +2017-04-13,2341.979980,2348.260010,2328.949951,2328.949951,2328.949951,3143890000 +2017-04-17,2332.620117,2349.139893,2332.510010,2349.010010,2349.010010,2824710000 +2017-04-18,2342.530029,2348.350098,2334.540039,2342.189941,2342.189941,3269840000 +2017-04-19,2346.790039,2352.629883,2335.050049,2338.169922,2338.169922,3519900000 +2017-04-20,2342.689941,2361.370117,2340.909912,2355.840088,2355.840088,3647420000 +2017-04-21,2354.739990,2356.179932,2344.510010,2348.689941,2348.689941,3503360000 +2017-04-24,2370.330078,2376.979980,2369.189941,2374.149902,2374.149902,3690650000 +2017-04-25,2381.510010,2392.479980,2381.149902,2388.610107,2388.610107,3995240000 +2017-04-26,2388.979980,2398.159912,2386.780029,2387.449951,2387.449951,4105920000 +2017-04-27,2389.699951,2392.100098,2382.679932,2388.770020,2388.770020,4098460000 +2017-04-28,2393.679932,2393.679932,2382.360107,2384.199951,2384.199951,3718270000 +2017-05-01,2388.500000,2394.489990,2384.830078,2388.330078,2388.330078,3199240000 +2017-05-02,2391.050049,2392.929932,2385.820068,2391.169922,2391.169922,3813680000 +2017-05-03,2386.500000,2389.820068,2379.750000,2388.129883,2388.129883,3893990000 +2017-05-04,2389.790039,2391.429932,2380.350098,2389.520020,2389.520020,4362540000 +2017-05-05,2392.370117,2399.290039,2389.379883,2399.290039,2399.290039,3540140000 +2017-05-08,2399.939941,2401.360107,2393.919922,2399.379883,2399.379883,3429440000 +2017-05-09,2401.580078,2403.870117,2392.439941,2396.919922,2396.919922,3653590000 +2017-05-10,2396.790039,2399.739990,2392.790039,2399.629883,2399.629883,3643530000 +2017-05-11,2394.840088,2395.719971,2381.739990,2394.439941,2394.439941,3727420000 +2017-05-12,2392.439941,2392.439941,2387.189941,2390.899902,2390.899902,3305630000 +2017-05-15,2393.979980,2404.050049,2393.939941,2402.320068,2402.320068,3473600000 +2017-05-16,2404.550049,2405.770020,2396.050049,2400.669922,2400.669922,3420790000 +2017-05-17,2382.949951,2384.870117,2356.209961,2357.030029,2357.030029,4163000000 +2017-05-18,2354.689941,2375.739990,2352.719971,2365.719971,2365.719971,4319420000 +2017-05-19,2371.370117,2389.060059,2370.429932,2381.729980,2381.729980,3825160000 +2017-05-22,2387.209961,2395.459961,2386.919922,2394.020020,2394.020020,3172830000 +2017-05-23,2397.040039,2400.850098,2393.879883,2398.419922,2398.419922,3213570000 +2017-05-24,2401.409912,2405.580078,2397.989990,2404.389893,2404.389893,3389900000 +2017-05-25,2409.540039,2418.709961,2408.010010,2415.070068,2415.070068,3535390000 +2017-05-26,2414.500000,2416.679932,2412.199951,2415.820068,2415.820068,2805040000 +2017-05-30,2411.669922,2415.260010,2409.429932,2412.909912,2412.909912,3203160000 +2017-05-31,2415.629883,2415.989990,2403.590088,2411.800049,2411.800049,4516110000 +2017-06-01,2415.649902,2430.060059,2413.540039,2430.060059,2430.060059,3857140000 +2017-06-02,2431.280029,2440.229980,2427.709961,2439.070068,2439.070068,3461680000 +2017-06-05,2437.830078,2439.550049,2434.320068,2436.100098,2436.100098,2912600000 +2017-06-06,2431.919922,2436.209961,2428.120117,2429.330078,2429.330078,3357840000 +2017-06-07,2432.030029,2435.280029,2424.750000,2433.139893,2433.139893,3572300000 +2017-06-08,2434.270020,2439.270020,2427.939941,2433.790039,2433.790039,3728860000 +2017-06-09,2436.389893,2446.199951,2415.699951,2431.770020,2431.770020,4027340000 +2017-06-12,2425.879883,2430.379883,2419.969971,2429.389893,2429.389893,4027750000 +2017-06-13,2434.149902,2441.489990,2431.280029,2440.350098,2440.350098,3275500000 +2017-06-14,2443.750000,2443.750000,2428.340088,2437.919922,2437.919922,3555590000 +2017-06-15,2424.139893,2433.949951,2418.530029,2432.459961,2432.459961,3353050000 +2017-06-16,2431.239990,2433.149902,2422.879883,2433.149902,2433.149902,5284720000 +2017-06-19,2442.550049,2453.820068,2441.790039,2453.459961,2453.459961,3264700000 +2017-06-20,2450.659912,2450.659912,2436.600098,2437.030029,2437.030029,3416510000 +2017-06-21,2439.310059,2442.229980,2430.739990,2435.610107,2435.610107,3594820000 +2017-06-22,2437.399902,2441.620117,2433.270020,2434.500000,2434.500000,3468210000 +2017-06-23,2434.649902,2441.399902,2431.110107,2438.300049,2438.300049,5278330000 +2017-06-26,2443.320068,2450.419922,2437.030029,2439.070068,2439.070068,3238970000 +2017-06-27,2436.340088,2440.149902,2419.379883,2419.379883,2419.379883,3563910000 +2017-06-28,2428.699951,2442.969971,2428.020020,2440.689941,2440.689941,3500800000 +2017-06-29,2442.379883,2442.729980,2405.699951,2419.699951,2419.699951,3900280000 +2017-06-30,2429.199951,2432.709961,2421.649902,2423.409912,2423.409912,3361590000 +2017-07-03,2431.389893,2439.169922,2428.689941,2429.010010,2429.010010,1962290000 +2017-07-05,2430.780029,2434.899902,2422.050049,2432.540039,2432.540039,3367220000 +2017-07-06,2423.439941,2424.280029,2407.699951,2409.750000,2409.750000,3364520000 +2017-07-07,2413.520020,2426.919922,2413.520020,2425.179932,2425.179932,2901330000 +2017-07-10,2424.510010,2432.000000,2422.270020,2427.429932,2427.429932,2999130000 +2017-07-11,2427.350098,2429.300049,2412.790039,2425.530029,2425.530029,3106750000 +2017-07-12,2435.750000,2445.760010,2435.750000,2443.250000,2443.250000,3171620000 +2017-07-13,2444.989990,2449.320068,2441.689941,2447.830078,2447.830078,3067670000 +2017-07-14,2449.159912,2463.540039,2446.689941,2459.270020,2459.270020,2736640000 +2017-07-17,2459.500000,2462.820068,2457.159912,2459.139893,2459.139893,2793170000 +2017-07-18,2455.879883,2460.919922,2450.340088,2460.610107,2460.610107,2962130000 +2017-07-19,2463.850098,2473.830078,2463.850098,2473.830078,2473.830078,3059760000 +2017-07-20,2475.560059,2477.620117,2468.429932,2473.449951,2473.449951,3182780000 +2017-07-21,2467.399902,2472.540039,2465.060059,2472.540039,2472.540039,3059570000 +2017-07-24,2472.040039,2473.100098,2466.320068,2469.909912,2469.909912,3010240000 +2017-07-25,2477.879883,2481.239990,2474.909912,2477.129883,2477.129883,4108060000 +2017-07-26,2479.969971,2481.689941,2474.939941,2477.830078,2477.830078,3557020000 +2017-07-27,2482.760010,2484.040039,2459.929932,2475.419922,2475.419922,3995520000 +2017-07-28,2469.120117,2473.530029,2464.659912,2472.100098,2472.100098,3294770000 +2017-07-31,2475.939941,2477.959961,2468.530029,2470.300049,2470.300049,3469210000 +2017-08-01,2477.100098,2478.510010,2471.139893,2476.350098,2476.350098,3460860000 +2017-08-02,2480.379883,2480.379883,2466.479980,2477.570068,2477.570068,3478580000 +2017-08-03,2476.030029,2476.030029,2468.850098,2472.159912,2472.159912,3645020000 +2017-08-04,2476.879883,2480.000000,2472.080078,2476.830078,2476.830078,3235140000 +2017-08-07,2477.139893,2480.949951,2475.879883,2480.909912,2480.909912,2931780000 +2017-08-08,2478.350098,2490.870117,2470.320068,2474.919922,2474.919922,3344640000 +2017-08-09,2465.350098,2474.409912,2462.080078,2474.020020,2474.020020,3308060000 +2017-08-10,2465.379883,2465.379883,2437.750000,2438.209961,2438.209961,3621070000 +2017-08-11,2441.040039,2448.090088,2437.850098,2441.320068,2441.320068,3159930000 +2017-08-14,2454.959961,2468.219971,2454.959961,2465.840088,2465.840088,2822550000 +2017-08-15,2468.659912,2468.899902,2461.610107,2464.610107,2464.610107,2913100000 +2017-08-16,2468.629883,2474.929932,2463.860107,2468.110107,2468.110107,2953650000 +2017-08-17,2462.949951,2465.020020,2430.010010,2430.010010,2430.010010,3142620000 +2017-08-18,2427.639893,2440.270020,2420.689941,2425.550049,2425.550049,3415680000 +2017-08-21,2425.500000,2430.580078,2417.350098,2428.370117,2428.370117,2788150000 +2017-08-22,2433.750000,2454.770020,2433.669922,2452.510010,2452.510010,2777490000 +2017-08-23,2444.879883,2448.909912,2441.419922,2444.040039,2444.040039,2785290000 +2017-08-24,2447.909912,2450.389893,2436.189941,2438.969971,2438.969971,2846590000 +2017-08-25,2444.719971,2453.959961,2442.219971,2443.050049,2443.050049,2588780000 +2017-08-28,2447.350098,2449.120117,2439.030029,2444.239990,2444.239990,2677700000 +2017-08-29,2431.939941,2449.189941,2428.199951,2446.300049,2446.300049,2737580000 +2017-08-30,2446.060059,2460.310059,2443.770020,2457.590088,2457.590088,2633660000 +2017-08-31,2462.649902,2475.010010,2462.649902,2471.649902,2471.649902,3348110000 +2017-09-01,2474.419922,2480.379883,2473.850098,2476.550049,2476.550049,2710730000 +2017-09-05,2470.350098,2471.969971,2446.550049,2457.850098,2457.850098,3490260000 +2017-09-06,2463.830078,2469.639893,2459.199951,2465.540039,2465.540039,3374410000 +2017-09-07,2468.060059,2468.620117,2460.290039,2465.100098,2465.100098,3353930000 +2017-09-08,2462.250000,2467.110107,2459.399902,2461.429932,2461.429932,3302490000 +2017-09-11,2474.520020,2488.949951,2474.520020,2488.110107,2488.110107,3291760000 +2017-09-12,2491.939941,2496.770020,2490.370117,2496.479980,2496.479980,3230920000 +2017-09-13,2493.889893,2498.370117,2492.139893,2498.370117,2498.370117,3368050000 +2017-09-14,2494.560059,2498.429932,2491.350098,2495.620117,2495.620117,3414460000 +2017-09-15,2495.669922,2500.229980,2493.159912,2500.229980,2500.229980,4853170000 +2017-09-18,2502.510010,2508.320068,2499.919922,2503.870117,2503.870117,3194300000 +2017-09-19,2506.290039,2507.840088,2503.189941,2506.649902,2506.649902,3249100000 +2017-09-20,2506.840088,2508.850098,2496.669922,2508.239990,2508.239990,3530010000 +2017-09-21,2507.159912,2507.159912,2499.000000,2500.600098,2500.600098,2930860000 +2017-09-22,2497.260010,2503.469971,2496.540039,2502.219971,2502.219971,2865960000 +2017-09-25,2499.389893,2502.540039,2488.030029,2496.659912,2496.659912,3297890000 +2017-09-26,2501.040039,2503.510010,2495.120117,2496.840088,2496.840088,3043110000 +2017-09-27,2503.300049,2511.750000,2495.909912,2507.040039,2507.040039,3456030000 +2017-09-28,2503.409912,2510.810059,2502.929932,2510.060059,2510.060059,3168620000 +2017-09-29,2509.959961,2519.439941,2507.989990,2519.360107,2519.360107,3211920000 +2017-10-02,2521.199951,2529.229980,2520.399902,2529.120117,2529.120117,3199730000 +2017-10-03,2530.340088,2535.129883,2528.850098,2534.580078,2534.580078,3068850000 +2017-10-04,2533.479980,2540.530029,2531.800049,2537.739990,2537.739990,3017120000 +2017-10-05,2540.860107,2552.510010,2540.020020,2552.070068,2552.070068,3045120000 +2017-10-06,2547.439941,2549.409912,2543.790039,2549.330078,2549.330078,2884570000 +2017-10-09,2551.389893,2551.820068,2541.600098,2544.729980,2544.729980,2483970000 +2017-10-10,2549.989990,2555.229980,2544.860107,2550.639893,2550.639893,2960500000 +2017-10-11,2550.620117,2555.239990,2547.949951,2555.239990,2555.239990,2976090000 +2017-10-12,2552.879883,2555.330078,2548.310059,2550.929932,2550.929932,3151510000 +2017-10-13,2555.659912,2557.649902,2552.090088,2553.169922,2553.169922,3149440000 +2017-10-16,2555.570068,2559.469971,2552.639893,2557.639893,2557.639893,2916020000 +2017-10-17,2557.169922,2559.709961,2554.689941,2559.360107,2559.360107,2889390000 +2017-10-18,2562.870117,2564.110107,2559.669922,2561.260010,2561.260010,2998090000 +2017-10-19,2553.389893,2562.360107,2547.919922,2562.100098,2562.100098,2990710000 +2017-10-20,2567.560059,2575.439941,2567.560059,2575.209961,2575.209961,3384650000 +2017-10-23,2578.080078,2578.290039,2564.330078,2564.979980,2564.979980,3211710000 +2017-10-24,2568.659912,2572.179932,2565.580078,2569.129883,2569.129883,3427330000 +2017-10-25,2566.520020,2567.399902,2544.000000,2557.149902,2557.149902,3874510000 +2017-10-26,2560.080078,2567.070068,2559.800049,2560.399902,2560.399902,3869050000 +2017-10-27,2570.260010,2582.979980,2565.939941,2581.070068,2581.070068,3887110000 +2017-10-30,2577.750000,2580.030029,2568.250000,2572.830078,2572.830078,3658870000 +2017-10-31,2575.989990,2578.290039,2572.149902,2575.260010,2575.260010,3827230000 +2017-11-01,2583.209961,2588.399902,2574.919922,2579.360107,2579.360107,3813180000 +2017-11-02,2579.459961,2581.110107,2566.169922,2579.850098,2579.850098,4048270000 +2017-11-03,2581.929932,2588.419922,2576.770020,2587.840088,2587.840088,3567710000 +2017-11-06,2587.469971,2593.379883,2585.659912,2591.129883,2591.129883,3539080000 +2017-11-07,2592.110107,2597.020020,2584.350098,2590.639893,2590.639893,3809650000 +2017-11-08,2588.709961,2595.469971,2585.020020,2594.379883,2594.379883,3899360000 +2017-11-09,2584.000000,2586.500000,2566.330078,2584.620117,2584.620117,3831610000 +2017-11-10,2580.179932,2583.810059,2575.570068,2582.300049,2582.300049,3486910000 +2017-11-13,2576.530029,2587.659912,2574.479980,2584.840088,2584.840088,3402930000 +2017-11-14,2577.750000,2579.659912,2566.560059,2578.870117,2578.870117,3641760000 +2017-11-15,2569.449951,2572.840088,2557.449951,2564.620117,2564.620117,3558890000 +2017-11-16,2572.949951,2590.090088,2572.949951,2585.639893,2585.639893,3312710000 +2017-11-17,2582.939941,2583.959961,2577.620117,2578.850098,2578.850098,3300160000 +2017-11-20,2579.489990,2584.639893,2578.239990,2582.139893,2582.139893,3003540000 +2017-11-21,2589.169922,2601.189941,2589.169922,2599.030029,2599.030029,3332720000 +2017-11-22,2600.310059,2600.939941,2595.229980,2597.080078,2597.080078,2762950000 +2017-11-24,2600.419922,2604.209961,2600.419922,2602.419922,2602.419922,1349780000 +2017-11-27,2602.659912,2606.409912,2598.870117,2601.419922,2601.419922,3006860000 +2017-11-28,2605.939941,2627.689941,2605.439941,2627.040039,2627.040039,3488420000 +2017-11-29,2627.820068,2634.889893,2620.320068,2626.070068,2626.070068,4078280000 +2017-11-30,2633.929932,2657.739990,2633.929932,2647.580078,2647.580078,4938490000 +2017-12-01,2645.100098,2650.620117,2605.520020,2642.219971,2642.219971,3942320000 +2017-12-04,2657.189941,2665.189941,2639.030029,2639.439941,2639.439941,4023150000 +2017-12-05,2639.780029,2648.719971,2627.729980,2629.570068,2629.570068,3539040000 +2017-12-06,2626.239990,2634.409912,2624.750000,2629.270020,2629.270020,3229000000 +2017-12-07,2628.379883,2640.989990,2626.530029,2636.979980,2636.979980,3292400000 +2017-12-08,2646.209961,2651.649902,2644.100098,2651.500000,2651.500000,3106150000 +2017-12-11,2652.189941,2660.330078,2651.469971,2659.989990,2659.989990,3091950000 +2017-12-12,2661.729980,2669.719971,2659.780029,2664.110107,2664.110107,3555680000 +2017-12-13,2667.590088,2671.879883,2662.850098,2662.850098,2662.850098,3542370000 +2017-12-14,2665.870117,2668.090088,2652.010010,2652.010010,2652.010010,3430030000 +2017-12-15,2660.629883,2679.629883,2659.139893,2675.810059,2675.810059,5723920000 +2017-12-18,2685.919922,2694.969971,2685.919922,2690.159912,2690.159912,3724660000