├── README.md ├── SSE_10.csv ├── market_dqn.py ├── market_env.py ├── market_model_builder.py ├── market_pg.py ├── model_builder.py ├── pg_over_top_10.png └── sample_data ├── 000660.csv ├── 005380.csv ├── 005930.csv ├── 005935.csv ├── 012330.csv ├── 015760.csv ├── 028260.csv ├── 032830.csv ├── 035420.csv └── 090430.csv /README.md: -------------------------------------------------------------------------------- 1 | # Stock Trading OpenAI Gym Environment with Deep Reinforcement Learning 2 | 3 | ## Overview 4 | 5 | This project provides a general environment for stock market trading simulation using [OpenAI Gym](https://gym.openai.com/). 6 | Training data is a close price of each day, which is downloaded from Google Finance, but you can apply any data if you want. 7 | Also, it contains simple Deep Q-learning and Policy Gradient from [Karpathy's post](http://karpathy.github.io/2016/05/31/rl/). 8 | 9 | In fact, the purpose of this project is not only providing a best RL solution for stock trading, but also building a general open environment for further research. 10 | 11 | 12 | ## Requirements 13 | 14 | - Python2.7 or higher 15 | - Numpy 16 | - HDF5 17 | - Keras with Beckend (Theano or/and Tensorflow) 18 | - OpenAI Gym 19 | 20 | ## Usage 21 | 22 | Note that the most sample training data in this repo is from Chinese stocks. 23 | You need to re-download your own training data depending on your problem. 24 | 25 | If all the above requirements are satisfied you can begin training both the algorithms, Deep Q-learning and Policy Gradient. 26 | 27 | Train Deep Q-learning: 28 | 29 | $ python market_dqn.py [model filename] 30 | 31 | Train Policy Gradient: 32 | 33 | $ python market_pg.py [model filename] 34 | 35 | For example, you can do: 36 | 37 | $ python market_pg.py ./kospi_10.csv pg.h5 38 | 39 | Please note that the provided neural network architecture in this repo is too small to learn. 40 | So, it may under-fit if you try to learn al stock data. 41 | It's just fitted for 10-100 stocks worth of data for a few years.This was the first project before I worked on the propreitary version for the fund I'm working with. 42 | Thus you need to re-design your own architecture! Have fun with this one, and 43 | **let me know if you have better one!** 44 | 45 | Below is training curve for Top-10 SSE stock datas for 4 years using Policy Gradient. Clearly you need to train more!! 46 | ![Training Curve](./pg_over_top_10.png) 47 | 48 | ## To do 49 | - Test environment to check overfitting. 50 | - Elaborate the PG's train interface. 51 | 52 | ## Reference 53 | 54 | [1] [Playing Atari with Deep Reinforcement Learning](http://arxiv.org/abs/1312.5602) 55 | [2] [Deep Reinforcement Learning: Pong from Pixels](http://karpathy.github.io/2016/05/31/rl/) 56 | [3] [Keras Reinforcement Learning gYM agents, KeRLym](https://github.com/osh/kerlym) 57 | [4] [Keras plays catch, a single file Reinforcement Learning example](http://edersantana.github.io/articles/keras_rl/) 58 | -------------------------------------------------------------------------------- /SSE_10.csv: -------------------------------------------------------------------------------- 1 | 660 2 | 5380 3 | 5930 4 | 5935 5 | 12330 6 | 15760 7 | 28260 8 | 32830 9 | 35420 10 | 90430 11 | -------------------------------------------------------------------------------- /market_dqn.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | 3 | from market_env import MarketEnv 4 | from market_model_builder import MarketModelBuilder 5 | 6 | class bcolors: 7 | HEADER = '\033[95m' 8 | OKBLUE = '\033[94m' 9 | OKGREEN = '\033[92m' 10 | WARNING = '\033[93m' 11 | FAIL = '\033[91m' 12 | ENDC = '\033[0m' 13 | BOLD = '\033[1m' 14 | UNDERLINE = '\033[4m' 15 | 16 | class ExperienceReplay(object): 17 | def __init__(self, max_memory=100, discount=.9): 18 | self.max_memory = max_memory 19 | self.memory = list() 20 | self.discount = discount 21 | 22 | def remember(self, states, game_over): 23 | # memory[i] = [[state_t, action_t, reward_t, state_t+1], game_over?] 24 | self.memory.append([states, game_over]) 25 | if len(self.memory) > self.max_memory: 26 | del self.memory[0] 27 | 28 | def get_batch(self, model, batch_size=10): 29 | len_memory = len(self.memory) 30 | num_actions = model.output_shape[-1] 31 | inputs = [] 32 | 33 | dim = len(self.memory[0][0][0]) 34 | for i in xrange(dim): 35 | inputs.append([]) 36 | 37 | targets = np.zeros((min(len_memory, batch_size), num_actions)) 38 | for i, idx in enumerate(np.random.randint(0, len_memory, size=min(len_memory, batch_size))): 39 | state_t, action_t, reward_t, state_tp1 = self.memory[idx][0] 40 | game_over = self.memory[idx][1] 41 | 42 | for j in xrange(dim): 43 | inputs[j].append(state_t[j][0]) 44 | 45 | #inputs.append(state_t) 46 | # There should be no target values for actions not taken. 47 | # Thou shalt not correct actions not taken #deep 48 | targets[i] = model.predict(state_t)[0] 49 | Q_sa = np.max(model.predict(state_tp1)[0]) 50 | if game_over: # if game_over is True 51 | targets[i, action_t] = reward_t 52 | else: 53 | # reward_t + gamma * max_a' Q(s', a') 54 | targets[i, action_t] = reward_t + self.discount * Q_sa 55 | 56 | #inputs = np.array(inputs) 57 | inputs = [np.array(inputs[i]) for i in xrange(dim)] 58 | 59 | return inputs, targets 60 | 61 | if __name__ == "__main__": 62 | import sys 63 | import codecs 64 | 65 | codeListFilename = sys.argv[1] 66 | modelFilename = sys.argv[2] if len(sys.argv) > 2 else None 67 | 68 | codeMap = {} 69 | f = codecs.open(codeListFilename, "r", "utf-8") 70 | 71 | for line in f: 72 | if line.strip() != "": 73 | tokens = line.strip().split(",") if not "\t" in line else line.strip().split("\t") 74 | codeMap[tokens[0]] = tokens[1] 75 | 76 | f.close() 77 | 78 | env = MarketEnv(dir_path = "./data/", target_codes = codeMap.keys(), input_codes = [], start_date = "2013-08-26", end_date = "2015-08-25", sudden_death = -1.0) 79 | 80 | # parameters 81 | epsilon = .5 # exploration 82 | min_epsilon = 0.1 83 | epoch = 100000 84 | max_memory = 5000 85 | batch_size = 128 86 | discount = 0.8 87 | 88 | from keras.optimizers import SGD 89 | model = MarketModelBuilder(modelFilename).getModel() 90 | sgd = SGD(lr = 0.001, decay = 1e-6, momentum = 0.9, nesterov = True) 91 | model.compile(loss='mse', optimizer='rmsprop') 92 | 93 | # Initialize experience replay object 94 | exp_replay = ExperienceReplay(max_memory = max_memory, discount = discount) 95 | 96 | # Train 97 | win_cnt = 0 98 | for e in range(epoch): 99 | loss = 0. 100 | env.reset() 101 | game_over = False 102 | # get initial input 103 | input_t = env.reset() 104 | cumReward = 0 105 | 106 | while not game_over: 107 | input_tm1 = input_t 108 | isRandom = False 109 | 110 | # get next action 111 | if np.random.rand() <= epsilon: 112 | action = np.random.randint(0, env.action_space.n, size=1)[0] 113 | 114 | isRandom = True 115 | else: 116 | q = model.predict(input_tm1) 117 | action = np.argmax(q[0]) 118 | 119 | #print " ".join(["%s:%.2f" % (l, i) for l, i in zip(env.actions, q[0].tolist())]) 120 | if np.nan in q: 121 | print "OCCUR NaN!!!" 122 | exit() 123 | 124 | # apply action, get rewards and new state 125 | input_t, reward, game_over, info = env.step(action) 126 | cumReward += reward 127 | 128 | if env.actions[action] == "LONG" or env.actions[action] == "SHORT": 129 | color = bcolors.FAIL if env.actions[action] == "LONG" else bcolors.OKBLUE 130 | if isRandom: 131 | color = bcolors.WARNING if env.actions[action] == "LONG" else bcolors.OKGREEN 132 | print "%s:\t%s\t%.2f\t%.2f\t" % (info["dt"], color + env.actions[action] + bcolors.ENDC, cumReward, info["cum"]) + ("\t".join(["%s:%.2f" % (l, i) for l, i in zip(env.actions, q[0].tolist())]) if isRandom == False else "") 133 | 134 | # store experience 135 | exp_replay.remember([input_tm1, action, reward, input_t], game_over) 136 | 137 | # adapt model 138 | inputs, targets = exp_replay.get_batch(model, batch_size=batch_size) 139 | 140 | loss += model.train_on_batch(inputs, targets) 141 | 142 | if cumReward > 0 and game_over: 143 | win_cnt += 1 144 | 145 | print("Epoch {:03d}/{} | Loss {:.4f} | Win count {} | Epsilon {:.4f}".format(e, epoch, loss, win_cnt, epsilon)) 146 | # Save trained model weights and architecture, this will be used by the visualization code 147 | model.save_weights("model.h5" if modelFilename == None else modelFilename, overwrite=True) 148 | epsilon = max(min_epsilon, epsilon * 0.99) 149 | -------------------------------------------------------------------------------- /market_env.py: -------------------------------------------------------------------------------- 1 | from random import random 2 | import numpy as np 3 | import math 4 | 5 | import gym 6 | from gym import spaces 7 | 8 | class MarketEnv(gym.Env): 9 | 10 | PENALTY = 1 #0.999756079 11 | 12 | def __init__(self, dir_path, target_codes, input_codes, start_date, end_date, scope = 60, sudden_death = -1., cumulative_reward = False): 13 | self.startDate = start_date 14 | self.endDate = end_date 15 | self.scope = scope 16 | self.sudden_death = sudden_death 17 | self.cumulative_reward = cumulative_reward 18 | 19 | self.inputCodes = [] 20 | self.targetCodes = [] 21 | self.dataMap = {} 22 | 23 | for code in (target_codes + input_codes): 24 | fn = dir_path + "./" + code + ".csv" 25 | 26 | data = {} 27 | lastClose = 0 28 | lastVolume = 0 29 | try: 30 | f = open(fn, "r") 31 | for line in f: 32 | if line.strip() != "": 33 | dt, openPrice, high, low, close, volume = line.strip().split(",") 34 | try: 35 | if dt >= start_date: 36 | high = float(high) if high != "" else float(close) 37 | low = float(low) if low != "" else float(close) 38 | close = float(close) 39 | volume = int(volume) 40 | 41 | if lastClose > 0 and close > 0 and lastVolume > 0: 42 | close_ = (close - lastClose) / lastClose 43 | high_ = (high - close) / close 44 | low_ = (low - close) / close 45 | volume_ = (volume - lastVolume) / lastVolume 46 | 47 | data[dt] = (high_, low_, close_, volume_) 48 | 49 | lastClose = close 50 | lastVolume = volume 51 | except Exception, e: 52 | print e, line.strip().split(",") 53 | f.close() 54 | except Exception, e: 55 | print e 56 | 57 | if len(data.keys()) > scope: 58 | self.dataMap[code] = data 59 | if code in target_codes: 60 | self.targetCodes.append(code) 61 | if code in input_codes: 62 | self.inputCodes.append(code) 63 | 64 | self.actions = [ 65 | "LONG", 66 | "SHORT", 67 | ] 68 | 69 | self.action_space = spaces.Discrete(len(self.actions)) 70 | self.observation_space = spaces.Box(np.ones(scope * (len(input_codes) + 1)) * -1, np.ones(scope * (len(input_codes) + 1))) 71 | 72 | self.reset() 73 | self._seed() 74 | 75 | def _step(self, action): 76 | if self.done: 77 | return self.state, self.reward, self.done, {} 78 | 79 | self.reward = 0 80 | if self.actions[action] == "LONG": 81 | if sum(self.boughts) < 0: 82 | for b in self.boughts: 83 | self.reward += -(b + 1) 84 | if self.cumulative_reward: 85 | self.reward = self.reward / max(1, len(self.boughts)) 86 | 87 | if self.sudden_death * len(self.boughts) > self.reward: 88 | self.done = True 89 | 90 | self.boughts = [] 91 | 92 | self.boughts.append(1.0) 93 | elif self.actions[action] == "SHORT": 94 | if sum(self.boughts) > 0: 95 | for b in self.boughts: 96 | self.reward += b - 1 97 | if self.cumulative_reward: 98 | self.reward = self.reward / max(1, len(self.boughts)) 99 | 100 | if self.sudden_death * len(self.boughts) > self.reward: 101 | self.done = True 102 | 103 | self.boughts = [] 104 | 105 | self.boughts.append(-1.0) 106 | else: 107 | pass 108 | 109 | vari = self.target[self.targetDates[self.currentTargetIndex]][2] 110 | self.cum = self.cum * (1 + vari) 111 | 112 | for i in xrange(len(self.boughts)): 113 | self.boughts[i] = self.boughts[i] * MarketEnv.PENALTY * (1 + vari * (-1 if sum(self.boughts) < 0 else 1)) 114 | 115 | self.defineState() 116 | self.currentTargetIndex += 1 117 | if self.currentTargetIndex >= len(self.targetDates) or self.endDate <= self.targetDates[self.currentTargetIndex]: 118 | self.done = True 119 | 120 | if self.done: 121 | for b in self.boughts: 122 | self.reward += (b * (1 if sum(self.boughts) > 0 else -1)) - 1 123 | if self.cumulative_reward: 124 | self.reward = self.reward / max(1, len(self.boughts)) 125 | 126 | self.boughts = [] 127 | 128 | return self.state, self.reward, self.done, {"dt": self.targetDates[self.currentTargetIndex], "cum": self.cum, "code": self.targetCode} 129 | 130 | def _reset(self): 131 | self.targetCode = self.targetCodes[int(random() * len(self.targetCodes))] 132 | self.target = self.dataMap[self.targetCode] 133 | self.targetDates = sorted(self.target.keys()) 134 | self.currentTargetIndex = self.scope 135 | self.boughts = [] 136 | self.cum = 1. 137 | 138 | self.done = False 139 | self.reward = 0 140 | 141 | self.defineState() 142 | 143 | return self.state 144 | 145 | def _render(self, mode='human', close=False): 146 | if close: 147 | return 148 | return self.state 149 | 150 | ''' 151 | def _close(self): 152 | pass 153 | 154 | def _configure(self): 155 | pass 156 | ''' 157 | 158 | def _seed(self): 159 | return int(random() * 100) 160 | 161 | def defineState(self): 162 | tmpState = [] 163 | 164 | budget = (sum(self.boughts) / len(self.boughts)) if len(self.boughts) > 0 else 1. 165 | size = math.log(max(1., len(self.boughts)), 100) 166 | position = 1. if sum(self.boughts) > 0 else 0. 167 | tmpState.append([[budget, size, position]]) 168 | 169 | subject = [] 170 | subjectVolume = [] 171 | for i in xrange(self.scope): 172 | try: 173 | subject.append([self.target[self.targetDates[self.currentTargetIndex - 1 - i]][2]]) 174 | subjectVolume.append([self.target[self.targetDates[self.currentTargetIndex - 1 - i]][3]]) 175 | except Exception, e: 176 | print self.targetCode, self.currentTargetIndex, i, len(self.targetDates) 177 | self.done = True 178 | tmpState.append([[subject, subjectVolume]]) 179 | 180 | tmpState = [np.array(i) for i in tmpState] 181 | self.state = tmpState 182 | 183 | -------------------------------------------------------------------------------- /market_model_builder.py: -------------------------------------------------------------------------------- 1 | from deeplearning_assistant.model_builder import AbstractModelBuilder 2 | 3 | class PolicyGradientModelBuilder(AbstractModelBuilder): 4 | 5 | def buildModel(self): 6 | from keras.models import Model 7 | from keras.layers import merge, Convolution2D, MaxPooling2D, Input, Dense, Flatten, Dropout, Reshape, TimeDistributed, BatchNormalization, Merge, merge 8 | from keras.layers.advanced_activations import LeakyReLU 9 | 10 | B = Input(shape = (3,)) 11 | b = Dense(5, activation = "relu")(B) 12 | 13 | inputs = [B] 14 | merges = [b] 15 | 16 | for i in xrange(1): 17 | S = Input(shape=[2, 60, 1]) 18 | inputs.append(S) 19 | 20 | h = Convolution2D(2048, 3, 1, border_mode = 'valid')(S) 21 | h = LeakyReLU(0.001)(h) 22 | h = Convolution2D(2048, 5, 1, border_mode = 'valid')(S) 23 | h = LeakyReLU(0.001)(h) 24 | h = Convolution2D(2048, 10, 1, border_mode = 'valid')(S) 25 | h = LeakyReLU(0.001)(h) 26 | h = Convolution2D(2048, 20, 1, border_mode = 'valid')(S) 27 | h = LeakyReLU(0.001)(h) 28 | h = Convolution2D(2048, 40, 1, border_mode = 'valid')(S) 29 | h = LeakyReLU(0.001)(h) 30 | 31 | h = Flatten()(h) 32 | h = Dense(512)(h) 33 | h = LeakyReLU(0.001)(h) 34 | merges.append(h) 35 | 36 | h = Convolution2D(2048, 60, 1, border_mode = 'valid')(S) 37 | h = LeakyReLU(0.001)(h) 38 | 39 | h = Flatten()(h) 40 | h = Dense(512)(h) 41 | h = LeakyReLU(0.001)(h) 42 | merges.append(h) 43 | 44 | m = merge(merges, mode = 'concat', concat_axis = 1) 45 | m = Dense(1024)(m) 46 | m = LeakyReLU(0.001)(m) 47 | m = Dense(512)(m) 48 | m = LeakyReLU(0.001)(m) 49 | m = Dense(256)(m) 50 | m = LeakyReLU(0.001)(m) 51 | V = Dense(2, activation = 'softmax')(m) 52 | model = Model(input = inputs, output = V) 53 | 54 | return model 55 | 56 | class MarketModelBuilder(AbstractModelBuilder): 57 | 58 | def buildModel(self): 59 | from keras.models import Model 60 | from keras.layers import merge, Convolution2D, MaxPooling2D, Input, Dense, Flatten, Dropout, Reshape, TimeDistributed, BatchNormalization, Merge, merge 61 | from keras.layers.advanced_activations import LeakyReLU 62 | 63 | dr_rate = 0.0 64 | 65 | B = Input(shape = (3,)) 66 | b = Dense(5, activation = "relu")(B) 67 | 68 | inputs = [B] 69 | merges = [b] 70 | 71 | for i in xrange(1): 72 | S = Input(shape=[2, 60, 1]) 73 | inputs.append(S) 74 | 75 | h = Convolution2D(64, 3, 1, border_mode = 'valid')(S) 76 | h = LeakyReLU(0.001)(h) 77 | h = Convolution2D(128, 5, 1, border_mode = 'valid')(S) 78 | h = LeakyReLU(0.001)(h) 79 | h = Convolution2D(256, 10, 1, border_mode = 'valid')(S) 80 | h = LeakyReLU(0.001)(h) 81 | h = Convolution2D(512, 20, 1, border_mode = 'valid')(S) 82 | h = LeakyReLU(0.001)(h) 83 | h = Convolution2D(1024, 40, 1, border_mode = 'valid')(S) 84 | h = LeakyReLU(0.001)(h) 85 | 86 | h = Flatten()(h) 87 | h = Dense(2048)(h) 88 | h = LeakyReLU(0.001)(h) 89 | h = Dropout(dr_rate)(h) 90 | merges.append(h) 91 | 92 | h = Convolution2D(2048, 60, 1, border_mode = 'valid')(S) 93 | h = LeakyReLU(0.001)(h) 94 | 95 | h = Flatten()(h) 96 | h = Dense(4096)(h) 97 | h = LeakyReLU(0.001)(h) 98 | h = Dropout(dr_rate)(h) 99 | merges.append(h) 100 | 101 | m = merge(merges, mode = 'concat', concat_axis = 1) 102 | m = Dense(1024)(m) 103 | m = LeakyReLU(0.001)(m) 104 | m = Dropout(dr_rate)(m) 105 | m = Dense(512)(m) 106 | m = LeakyReLU(0.001)(m) 107 | m = Dropout(dr_rate)(m) 108 | m = Dense(256)(m) 109 | m = LeakyReLU(0.001)(m) 110 | m = Dropout(dr_rate)(m) 111 | V = Dense(2, activation = 'linear', init = 'zero')(m) 112 | model = Model(input = inputs, output = V) 113 | 114 | return model 115 | -------------------------------------------------------------------------------- /market_pg.py: -------------------------------------------------------------------------------- 1 | import os 2 | import numpy as np 3 | 4 | from market_env import MarketEnv 5 | from market_model_builder import PolicyGradientModelBuilder 6 | 7 | class bcolors: 8 | HEADER = '\033[95m' 9 | OKBLUE = '\033[94m' 10 | OKGREEN = '\033[92m' 11 | WARNING = '\033[93m' 12 | FAIL = '\033[91m' 13 | ENDC = '\033[0m' 14 | BOLD = '\033[1m' 15 | UNDERLINE = '\033[4m' 16 | 17 | class PolicyGradient: 18 | 19 | def __init__(self, env, discount = 0.99, model_filename = None, history_filename = None): 20 | self.env = env 21 | self.discount = discount 22 | self.model_filename = model_filename 23 | self.history_filename = history_filename 24 | 25 | from keras.optimizers import SGD 26 | self.model = PolicyGradientModelBuilder(modelFilename).getModel() 27 | sgd = SGD(lr = 0.1, decay = 1e-6, momentum = 0.9, nesterov = True) 28 | self.model.compile(loss='mse', optimizer='rmsprop') 29 | 30 | def discount_rewards(self, r): 31 | discounted_r = np.zeros_like(r) 32 | running_add = 0 33 | r = r.flatten() 34 | 35 | for t in reversed(xrange(0, r.size)): 36 | if r[t] != 0: 37 | running_add = 0 38 | 39 | running_add = running_add * self.discount + r[t] 40 | discounted_r[t] = running_add 41 | 42 | return discounted_r 43 | 44 | def train(self, max_episode = 1000000, max_path_length = 200, verbose = 0): 45 | env = self.env 46 | model = self.model 47 | avg_reward_sum = 0. 48 | 49 | for e in xrange(max_episode): 50 | env.reset() 51 | observation = env.reset() 52 | game_over = False 53 | reward_sum = 0 54 | 55 | inputs = [] 56 | outputs = [] 57 | predicteds = [] 58 | rewards = [] 59 | 60 | while not game_over: 61 | aprob = model.predict(observation)[0] 62 | inputs.append(observation) 63 | predicteds.append(aprob) 64 | 65 | if aprob.shape[0] > 1: 66 | action = np.random.choice(self.env.action_space.n, 1, p = aprob / np.sum(aprob))[0] 67 | 68 | y = np.zeros([self.env.action_space.n]) 69 | y[action] = 1. 70 | 71 | outputs.append(y) 72 | else: 73 | action = 0 if np.random.uniform() < aprob else 1 74 | 75 | y = [float(action)] 76 | outputs.append(y) 77 | 78 | observation, reward, game_over, info = self.env.step(action) 79 | reward_sum += float(reward) 80 | 81 | rewards.append(float(reward)) 82 | 83 | if verbose > 0: 84 | if env.actions[action] == "LONG" or env.actions[action] == "SHORT": 85 | color = bcolors.FAIL if env.actions[action] == "LONG" else bcolors.OKBLUE 86 | print "%s:\t%s\t%.2f\t%.2f\t" % (info["dt"], color + env.actions[action] + bcolors.ENDC, reward_sum, info["cum"]) + ("\t".join(["%s:%.2f" % (l, i) for l, i in zip(env.actions, aprob.tolist())])) 87 | 88 | avg_reward_sum = avg_reward_sum * 0.99 + reward_sum * 0.01 89 | toPrint = "%d\t%s\t%s\t%.2f\t%.2f" % (e, info["code"], (bcolors.FAIL if reward_sum >= 0 else bcolors.OKBLUE) + ("%.2f" % reward_sum) + bcolors.ENDC, info["cum"], avg_reward_sum) 90 | print toPrint 91 | if self.history_filename != None: 92 | os.system("echo %s >> %s" % (toPrint, self.history_filename)) 93 | 94 | 95 | dim = len(inputs[0]) 96 | inputs_ = [[] for i in xrange(dim)] 97 | for obs in inputs: 98 | for i, block in enumerate(obs): 99 | inputs_[i].append(block[0]) 100 | inputs_ = [np.array(inputs_[i]) for i in xrange(dim)] 101 | 102 | outputs_ = np.vstack(outputs) 103 | predicteds_ = np.vstack(predicteds) 104 | rewards_ = np.vstack(rewards) 105 | 106 | discounted_rewards_ = self.discount_rewards(rewards_) 107 | #discounted_rewards_ -= np.mean(discounted_rewards_) 108 | discounted_rewards_ /= np.std(discounted_rewards_) 109 | 110 | #outputs_ *= discounted_rewards_ 111 | for i, r in enumerate(zip(rewards, discounted_rewards_)): 112 | reward, discounted_reward = r 113 | 114 | if verbose > 1: 115 | print outputs_[i], 116 | 117 | #outputs_[i] = 0.5 + (2 * outputs_[i] - 1) * discounted_reward 118 | if discounted_reward < 0: 119 | outputs_[i] = 1 - outputs_[i] 120 | outputs_[i] = outputs_[i] / sum(outputs_[i]) 121 | outputs_[i] = np.minimum(1, np.maximum(0, predicteds_[i] + (outputs_[i] - predicteds_[i]) * abs(discounted_reward))) 122 | 123 | if verbose > 1: 124 | print predicteds_[i], outputs_[i], reward, discounted_reward 125 | 126 | model.fit(inputs_, outputs_, nb_epoch = 1, verbose = 0, shuffle = True) 127 | model.save_weights(self.model_filename) 128 | 129 | if __name__ == "__main__": 130 | import sys 131 | import codecs 132 | 133 | codeListFilename = sys.argv[1] 134 | modelFilename = sys.argv[2] if len(sys.argv) > 2 else None 135 | historyFilename = sys.argv[3] if len(sys.argv) > 3 else None 136 | 137 | codeMap = {} 138 | f = codecs.open(codeListFilename, "r", "utf-8") 139 | 140 | for line in f: 141 | if line.strip() != "": 142 | tokens = line.strip().split(",") if not "\t" in line else line.strip().split("\t") 143 | codeMap[tokens[0]] = tokens[1] 144 | 145 | f.close() 146 | 147 | env = MarketEnv(dir_path = "./data/", target_codes = codeMap.keys(), input_codes = [], start_date = "2010-08-25", end_date = "2015-08-25", sudden_death = -1.0) 148 | 149 | pg = PolicyGradient(env, discount = 0.9, model_filename = modelFilename, history_filename = historyFilename) 150 | pg.train(verbose = 1) 151 | -------------------------------------------------------------------------------- /model_builder.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | from os import path 3 | 4 | from keras.models import Sequential, Model 5 | from keras.layers.core import Dense, Dropout 6 | 7 | # This is an abstract class. You need to implement yours. 8 | class AbstractModelBuilder(object): 9 | 10 | def __init__(self, weights_path = None): 11 | self.weights_path = weights_path 12 | 13 | def getModel(self): 14 | weights_path = self.weights_path 15 | model = self.buildModel() 16 | 17 | if weights_path and path.isfile(weights_path): 18 | try: 19 | model.load_weights(weights_path) 20 | except Exception, e: 21 | print e 22 | 23 | return model 24 | 25 | # You need to override this method. 26 | def buildModel(self): 27 | raise NotImplementedError("You need to implement your own model.") 28 | -------------------------------------------------------------------------------- /pg_over_top_10.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/AccomplishedCode/Deep-Reinforcement-Learning-Stock-Trader/d2d15c608d756ff4d713d5e7f5c5d4aa36774563/pg_over_top_10.png -------------------------------------------------------------------------------- /sample_data/028260.csv: -------------------------------------------------------------------------------- 1 | 2014-12-18,106000.0,116000.0,99200.0,113000.0,12786470 2 | 2014-12-19,118000.0,129500.0,117500.0,129500.0,4547953 3 | 2014-12-22,135000.0,145500.0,130500.0,134500.0,4363784 4 | 2014-12-23,132000.0,137500.0,127000.0,135000.0,2830076 5 | 2014-12-24,135500.0,139000.0,132000.0,133000.0,1366337 6 | 2014-12-26,134500.0,138000.0,130000.0,135500.0,1621105 7 | 2014-12-29,140000.0,155000.0,138500.0,149000.0,3999835 8 | 2014-12-30,153500.0,158000.0,148500.0,158000.0,2435584 9 | 2015-01-02,160500.0,174000.0,158500.0,171000.0,2996360 10 | 2015-01-05,177000.0,179500.0,145500.0,145500.0,6336870 11 | 2015-01-06,143000.0,147500.0,133500.0,138500.0,4527648 12 | 2015-01-07,139000.0,140500.0,135000.0,135500.0,1632882 13 | 2015-01-08,138000.0,140500.0,133000.0,135000.0,1667739 14 | 2015-01-09,137500.0,153500.0,134000.0,150000.0,2930849 15 | 2015-01-12,149000.0,151500.0,142500.0,147500.0,1594171 16 | 2015-01-13,147000.0,149500.0,137000.0,138000.0,1966810 17 | 2015-01-14,138000.0,141000.0,135500.0,137000.0,855726 18 | 2015-01-15,138000.0,144000.0,136500.0,140500.0,1141251 19 | 2015-01-16,139500.0,142000.0,135500.0,136000.0,717140 20 | 2015-01-19,137000.0,138000.0,129500.0,131000.0,1080681 21 | 2015-01-20,132500.0,134500.0,131000.0,131500.0,607608 22 | 2015-01-21,132500.0,133000.0,122000.0,124000.0,1396012 23 | 2015-01-22,123000.0,130000.0,122500.0,124000.0,861143 24 | 2015-01-23,128500.0,132500.0,126500.0,131000.0,1016572 25 | 2015-01-26,130500.0,134000.0,129000.0,129500.0,479385 26 | 2015-01-27,131000.0,135000.0,130500.0,135000.0,717544 27 | 2015-01-28,137000.0,143000.0,137000.0,140000.0,1436810 28 | 2015-01-29,140500.0,142000.0,136500.0,137500.0,452895 29 | 2015-01-30,144000.0,146000.0,135500.0,136000.0,894538 30 | 2015-02-02,135500.0,137000.0,134000.0,135000.0,325725 31 | 2015-02-03,136500.0,139000.0,132500.0,138500.0,430054 32 | 2015-02-04,139500.0,140500.0,137500.0,137500.0,315943 33 | 2015-02-05,137500.0,138500.0,134000.0,136000.0,264261 34 | 2015-02-06,138500.0,141500.0,136500.0,138500.0,494485 35 | 2015-02-09,139000.0,141000.0,138500.0,138500.0,342369 36 | 2015-02-10,138500.0,139000.0,136500.0,136500.0,198500 37 | 2015-02-11,137000.0,140000.0,136500.0,140000.0,286850 38 | 2015-02-12,141000.0,142500.0,139000.0,139000.0,257311 39 | 2015-02-13,140500.0,150000.0,139500.0,147500.0,1372367 40 | 2015-02-16,150000.0,153500.0,148000.0,151500.0,871036 41 | 2015-02-17,150500.0,151000.0,147000.0,147000.0,433601 42 | 2015-02-23,149000.0,150000.0,146500.0,149000.0,277283 43 | 2015-02-24,149500.0,156000.0,149000.0,155000.0,798009 44 | 2015-02-25,156500.0,160000.0,156000.0,156000.0,690780 45 | 2015-02-26,157000.0,159000.0,154000.0,158000.0,367413 46 | 2015-02-27,157500.0,162000.0,156000.0,162000.0,448830 47 | 2015-03-02,162500.0,163500.0,155000.0,159000.0,555477 48 | 2015-03-03,159000.0,160000.0,152000.0,155000.0,584018 49 | 2015-03-04,154000.0,157000.0,153500.0,155500.0,320808 50 | 2015-03-05,155500.0,156500.0,153000.0,155000.0,245668 51 | 2015-03-06,155000.0,159000.0,154000.0,159000.0,363283 52 | 2015-03-09,158000.0,166000.0,157000.0,164500.0,714856 53 | 2015-03-10,165000.0,166500.0,160000.0,165000.0,703245 54 | 2015-03-11,160000.0,164500.0,155500.0,161000.0,1242110 55 | 2015-03-12,162000.0,163500.0,155500.0,156500.0,1702208 56 | 2015-03-13,156500.0,159000.0,153000.0,157500.0,583197 57 | 2015-03-16,157000.0,158500.0,152000.0,153000.0,435710 58 | 2015-03-17,154500.0,162000.0,154000.0,162000.0,709411 59 | 2015-03-18,157000.0,159500.0,150000.0,152000.0,2977304 60 | 2015-03-19,153500.0,154500.0,149000.0,154500.0,1283805 61 | 2015-03-20,153500.0,156500.0,152000.0,155000.0,663201 62 | 2015-03-23,155000.0,156000.0,151000.0,151000.0,490937 63 | 2015-03-24,151500.0,153000.0,149000.0,150000.0,395889 64 | 2015-03-25,150000.0,155000.0,149000.0,154500.0,491617 65 | 2015-03-26,150000.0,151500.0,148500.0,149500.0,582488 66 | 2015-03-27,150000.0,151500.0,147500.0,147500.0,368301 67 | 2015-03-30,148000.0,153500.0,147500.0,151500.0,507586 68 | 2015-03-31,152500.0,153000.0,148500.0,149500.0,321805 69 | 2015-04-01,150000.0,150000.0,146000.0,146500.0,381607 70 | 2015-04-02,146500.0,147000.0,139500.0,140500.0,975448 71 | 2015-04-03,140000.0,143000.0,139500.0,141500.0,432212 72 | 2015-04-06,142500.0,143000.0,140000.0,140000.0,287329 73 | 2015-04-07,140500.0,146000.0,140000.0,141500.0,388748 74 | 2015-04-08,141500.0,143000.0,139500.0,140000.0,275191 75 | 2015-04-09,140000.0,140500.0,137500.0,138500.0,325537 76 | 2015-04-10,139000.0,143000.0,136000.0,137500.0,683867 77 | 2015-04-13,138500.0,141000.0,137500.0,138500.0,353465 78 | 2015-04-14,139000.0,143000.0,139000.0,140500.0,439655 79 | 2015-04-15,143000.0,161500.0,141000.0,154500.0,2651360 80 | 2015-04-16,155000.0,167000.0,154500.0,158000.0,2083543 81 | 2015-04-17,159000.0,161500.0,153500.0,154500.0,513711 82 | 2015-04-20,154000.0,163500.0,153500.0,159500.0,758879 83 | 2015-04-21,165000.0,167500.0,162000.0,162500.0,751802 84 | 2015-04-22,164000.0,164500.0,157000.0,158500.0,554102 85 | 2015-04-23,159500.0,181500.0,157500.0,179000.0,2335221 86 | 2015-04-24,175500.0,178500.0,168500.0,169500.0,1283445 87 | 2015-04-27,171000.0,173000.0,166000.0,166000.0,530723 88 | 2015-04-28,164000.0,172500.0,162000.0,167000.0,658894 89 | 2015-04-29,166500.0,172500.0,165000.0,166500.0,452804 90 | 2015-04-30,161000.0,162500.0,158000.0,158500.0,762838 91 | 2015-05-04,159000.0,166500.0,156500.0,161000.0,366198 92 | 2015-05-06,160000.0,161000.0,156500.0,159500.0,384371 93 | 2015-05-07,146000.0,150000.0,138000.0,142500.0,2026573 94 | 2015-05-08,143000.0,146500.0,142500.0,143500.0,534797 95 | 2015-05-11,144500.0,146000.0,141000.0,141500.0,413929 96 | 2015-05-12,139500.0,144500.0,139500.0,143000.0,338727 97 | 2015-05-13,142500.0,151000.0,142500.0,150000.0,653568 98 | 2015-05-14,149000.0,152500.0,148500.0,149000.0,310771 99 | 2015-05-15,151500.0,158000.0,151000.0,156500.0,647937 100 | 2015-05-18,157000.0,159000.0,154000.0,157000.0,266001 101 | 2015-05-19,157500.0,161000.0,155500.0,157500.0,330768 102 | 2015-05-20,161500.0,163500.0,158000.0,161000.0,317453 103 | 2015-05-21,161000.0,162500.0,159500.0,161500.0,232099 104 | 2015-05-22,161500.0,164500.0,161500.0,163500.0,268465 105 | 2015-05-26,185000.0,188000.0,174500.0,188000.0,2476533 106 | 2015-05-27,198000.0,215500.0,188500.0,190500.0,3558572 107 | 2015-05-28,194000.0,198000.0,185000.0,186000.0,1314212 108 | 2015-05-29,185000.0,192000.0,178500.0,192000.0,1663065 109 | 2015-06-01,188000.0,191500.0,184000.0,188500.0,589974 110 | 2015-06-02,188500.0,191000.0,183000.0,186000.0,429751 111 | 2015-06-03,185000.0,187000.0,182000.0,182000.0,316161 112 | 2015-06-04,196000.0,198000.0,186000.0,191000.0,1927616 113 | 2015-06-05,194000.0,198500.0,192000.0,197000.0,1101189 114 | 2015-06-08,204500.0,206000.0,182000.0,183500.0,1113139 115 | 2015-06-09,184000.0,189500.0,180500.0,182500.0,690196 116 | 2015-06-10,185000.0,189000.0,178000.0,178500.0,871014 117 | 2015-06-11,184000.0,184000.0,178000.0,180000.0,454519 118 | 2015-06-12,179500.0,185000.0,178500.0,182000.0,326813 119 | 2015-06-15,180000.0,180000.0,166000.0,169000.0,556848 120 | 2015-06-16,171000.0,174000.0,168000.0,169000.0,355827 121 | 2015-06-17,171000.0,176500.0,169500.0,174500.0,271832 122 | 2015-06-18,176500.0,176500.0,171500.0,171500.0,179070 123 | 2015-06-19,175500.0,179500.0,173500.0,174500.0,261153 124 | 2015-06-22,174000.0,176000.0,171000.0,172000.0,148752 125 | 2015-06-23,173500.0,182500.0,172500.0,181500.0,360350 126 | 2015-06-24,182500.0,183000.0,165500.0,174500.0,627947 127 | 2015-06-25,172500.0,177000.0,172000.0,173500.0,260038 128 | 2015-06-26,171500.0,175500.0,171500.0,173500.0,178923 129 | 2015-06-29,172000.0,178000.0,172000.0,174500.0,278476 130 | 2015-06-30,179000.0,182000.0,175000.0,177500.0,410349 131 | 2015-07-01,179500.0,186000.0,177000.0,181000.0,547176 132 | 2015-07-02,186000.0,186000.0,180000.0,180000.0,326661 133 | 2015-07-03,180000.0,185000.0,177000.0,183000.0,426919 134 | 2015-07-06,178000.0,182000.0,176500.0,177000.0,257886 135 | 2015-07-07,180500.0,181500.0,176000.0,177000.0,300680 136 | 2015-07-08,177500.0,178500.0,173000.0,173000.0,261894 137 | 2015-07-09,172500.0,177000.0,170500.0,174500.0,306954 138 | 2015-07-10,174500.0,178500.0,174000.0,178000.0,216444 139 | 2015-07-13,184500.0,182500.0,182500.0,182500.0,380454 140 | 2015-07-14,183500.0,184000.0,177000.0,180000.0,460975 141 | 2015-07-15,181500.0,185000.0,180000.0,183500.0,408396 142 | 2015-07-16,185000.0,196000.0,184500.0,194000.0,1177415 143 | 2015-07-17,198500.0,203000.0,177500.0,179000.0,3762912 144 | 2015-07-20,178000.0,181000.0,173500.0,175000.0,791007 145 | 2015-07-21,176000.0,177500.0,171500.0,171500.0,480842 146 | 2015-07-22,170500.0,176500.0,170500.0,176000.0,564274 147 | 2015-07-23,176000.0,176000.0,172000.0,172500.0,394745 148 | 2015-07-24,177000.0,177500.0,169500.0,169500.0,575607 149 | 2015-07-27,169000.0,171500.0,166000.0,169500.0,331292 150 | 2015-07-28,167500.0,168500.0,165000.0,167000.0,424051 151 | 2015-07-29,170500.0,173000.0,168000.0,169500.0,420033 152 | 2015-07-30,169000.0,170000.0,163000.0,165000.0,419695 153 | 2015-07-31,166500.0,168500.0,165000.0,167500.0,352029 154 | 2015-08-03,167500.0,169000.0,167000.0,168000.0,287530 155 | 2015-08-04,168000.0,171000.0,168000.0,171000.0,343848 156 | 2015-08-05,171500.0,174500.0,168000.0,168000.0,424135 157 | 2015-08-06,168000.0,168000.0,160500.0,161000.0,635349 158 | 2015-08-07,162000.0,163000.0,153500.0,153500.0,512307 159 | 2015-08-10,153000.0,153000.0,148500.0,150500.0,299311 160 | 2015-08-11,151500.0,153500.0,149000.0,150500.0,183604 161 | 2015-08-12,151500.0,153000.0,144000.0,145500.0,341457 162 | 2015-08-13,145000.0,148000.0,145000.0,146000.0,300685 163 | 2015-08-17,146000.0,146500.0,144000.0,145500.0,250066 164 | 2015-08-18,145500.0,147000.0,141500.0,141500.0,202352 165 | 2015-08-19,140500.0,141000.0,130500.0,134000.0,646331 166 | 2015-08-20,131500.0,139000.0,131500.0,138000.0,429031 167 | 2015-08-21,132500.0,138000.0,132500.0,136500.0,328076 168 | 2015-08-24,135500.0,137000.0,128000.0,131000.0,460218 169 | 2015-08-25,132000.0,137000.0,128500.0,134000.0,453151 170 | 2015-08-26,132500.0,147000.0,131500.0,147000.0,1047337 171 | 2015-08-27,149500.0,169000.0,146000.0,157000.0,1453789 172 | 2015-08-28,159500.0,166500.0,159500.0,165500.0,748950 173 | 2015-08-31,169000.0,178000.0,167000.0,178000.0,1107565 174 | 2015-09-01,176500.0,177000.0,169000.0,170000.0,643274 175 | 2015-09-02,166500.0,176500.0,165500.0,173500.0,644018 176 | 2015-09-03,175500.0,176000.0,165500.0,165500.0,481798 177 | 2015-09-04,167000.0,169500.0,161000.0,162000.0,276807 178 | 2015-09-07,161000.0,164000.0,157000.0,161000.0,293959 179 | 2015-09-08,164500.0,171000.0,162500.0,164500.0,402346 180 | 2015-09-09,168000.0,168500.0,164000.0,165000.0,246101 181 | 2015-09-10,166000.0,170000.0,164000.0,170000.0,324968 182 | 2015-09-11,167500.0,169000.0,163000.0,163500.0,381485 183 | 2015-09-14,164500.0,165000.0,157500.0,158500.0,438843 184 | 2015-09-15,154000.0,165500.0,153000.0,163000.0,1388025 185 | 2015-09-16,166000.0,168500.0,164000.0,164500.0,697673 186 | 2015-09-17,165000.0,165000.0,160000.0,160000.0,557834 187 | 2015-09-18,161000.0,162500.0,159000.0,159500.0,543183 188 | 2015-09-21,157500.0,160500.0,156000.0,157500.0,357786 189 | 2015-09-22,157500.0,158500.0,153500.0,154500.0,456973 190 | 2015-09-23,153000.0,153500.0,146000.0,146500.0,994210 191 | 2015-09-24,147500.0,150000.0,146500.0,147000.0,325713 192 | 2015-09-25,147000.0,148500.0,143000.0,147000.0,432181 193 | 2015-09-30,145000.0,147500.0,144500.0,146500.0,337350 194 | 2015-10-01,148000.0,154000.0,147000.0,153500.0,502489 195 | 2015-10-02,153000.0,154500.0,151000.0,151000.0,341732 196 | 2015-10-05,152500.0,156000.0,152000.0,152000.0,364161 197 | 2015-10-06,154500.0,155500.0,151000.0,151000.0,267688 198 | 2015-10-07,151500.0,159000.0,151500.0,158000.0,668400 199 | 2015-10-08,159500.0,160000.0,155000.0,158500.0,399425 200 | 2015-10-12,159000.0,161500.0,158000.0,159000.0,299112 201 | 2015-10-13,160500.0,162000.0,159000.0,160000.0,279508 202 | 2015-10-14,159500.0,160000.0,157000.0,158000.0,245763 203 | 2015-10-15,158000.0,160000.0,157500.0,159500.0,242213 204 | 2015-10-16,160500.0,160500.0,158000.0,159500.0,193101 205 | 2015-10-19,160000.0,160000.0,157500.0,157500.0,232217 206 | 2015-10-20,157000.0,158000.0,154500.0,156500.0,295945 207 | 2015-10-21,157000.0,164000.0,156000.0,159000.0,396538 208 | 2015-10-22,164500.0,169000.0,156500.0,157500.0,1791520 209 | 2015-10-23,159000.0,160500.0,157500.0,159000.0,360986 210 | 2015-10-26,159500.0,160000.0,155500.0,156000.0,381853 211 | 2015-10-27,156500.0,158500.0,156500.0,158000.0,223707 212 | 2015-10-28,158500.0,159000.0,152500.0,154000.0,349006 213 | 2015-10-29,154500.0,161000.0,152500.0,156000.0,606066 214 | 2015-10-30,156500.0,160000.0,155000.0,155000.0,352175 215 | 2015-11-02,156500.0,158500.0,155000.0,155500.0,192162 216 | 2015-11-03,156000.0,157500.0,155500.0,156000.0,222070 217 | 2015-11-04,156500.0,157000.0,152000.0,153500.0,436364 218 | 2015-11-05,153500.0,153500.0,149000.0,149500.0,479029 219 | 2015-11-06,151500.0,153000.0,147000.0,147500.0,425679 220 | 2015-11-09,147500.0,149000.0,146500.0,147000.0,212036 221 | 2015-11-10,147000.0,151000.0,145500.0,145500.0,306126 222 | 2015-11-11,144500.0,146500.0,143000.0,143500.0,302507 223 | 2015-11-12,144000.0,145500.0,142000.0,142500.0,285268 224 | 2015-11-13,141500.0,142000.0,139000.0,139000.0,319786 225 | 2015-11-16,137000.0,137500.0,134500.0,135000.0,290416 226 | 2015-11-17,138000.0,141500.0,136500.0,136500.0,357724 227 | 2015-11-18,136500.0,143500.0,136500.0,141500.0,415728 228 | 2015-11-19,144000.0,145000.0,139500.0,142500.0,399762 229 | 2015-11-20,143000.0,143000.0,140000.0,141000.0,282033 230 | 2015-11-23,145500.0,151500.0,145000.0,151500.0,908369 231 | 2015-11-24,151500.0,155500.0,150000.0,152000.0,715909 232 | 2015-11-25,152000.0,154000.0,150500.0,152500.0,361198 233 | 2015-11-26,154500.0,157000.0,153000.0,154000.0,400540 234 | 2015-11-27,154500.0,154500.0,150500.0,152000.0,254267 235 | 2015-11-30,149500.0,150000.0,146000.0,146000.0,600788 236 | 2015-12-01,147000.0,150500.0,146000.0,150500.0,241728 237 | 2015-12-02,151000.0,151500.0,148500.0,150000.0,193003 238 | 2015-12-03,148000.0,150000.0,146500.0,147000.0,218397 239 | 2015-12-04,144500.0,146500.0,144500.0,144500.0,214757 240 | 2015-12-07,146500.0,147500.0,143500.0,143500.0,172692 241 | 2015-12-08,144500.0,147500.0,143000.0,143000.0,257759 242 | 2015-12-09,144000.0,145000.0,142500.0,144500.0,166977 243 | 2015-12-10,144000.0,145500.0,142500.0,145500.0,248862 244 | 2015-12-11,145000.0,147000.0,144500.0,147000.0,293803 245 | 2015-12-14,144500.0,145000.0,142500.0,144000.0,310582 246 | 2015-12-15,144500.0,147000.0,144000.0,146500.0,262154 247 | 2015-12-16,148000.0,148500.0,146500.0,146500.0,304881 248 | 2015-12-17,147500.0,148000.0,145000.0,145500.0,277086 249 | 2015-12-18,145000.0,147500.0,144000.0,147500.0,327842 250 | 2015-12-21,146000.0,146500.0,144500.0,146000.0,309193 251 | 2015-12-22,147000.0,149500.0,146500.0,148500.0,437671 252 | 2015-12-23,149000.0,149500.0,147500.0,147500.0,254592 253 | 2015-12-24,148500.0,148500.0,145500.0,145500.0,341143 254 | 2015-12-28,138000.0,142500.0,138000.0,138500.0,824530 255 | 2015-12-29,140000.0,143000.0,139500.0,142000.0,272135 256 | 2015-12-30,142000.0,143000.0,140000.0,140000.0,263588 257 | 2016-01-04,140500.0,142000.0,140000.0,140000.0,277848 258 | 2016-01-05,139000.0,141500.0,139000.0,140000.0,263264 259 | 2016-01-06,141000.0,144000.0,140000.0,144000.0,433529 260 | 2016-01-07,143500.0,146000.0,142000.0,143000.0,265536 261 | 2016-01-08,141000.0,143000.0,140000.0,142000.0,290321 262 | 2016-01-11,141000.0,142000.0,140000.0,140000.0,262442 263 | 2016-01-12,142000.0,142500.0,139000.0,139500.0,228079 264 | 2016-01-13,140500.0,141500.0,139500.0,140500.0,270272 265 | 2016-01-14,138500.0,140000.0,138500.0,139000.0,266087 266 | 2016-01-15,140000.0,140000.0,136000.0,136000.0,311138 267 | 2016-01-18,136000.0,144000.0,135000.0,144000.0,615988 268 | 2016-01-19,143500.0,149000.0,141500.0,148500.0,678703 269 | 2016-01-20,146500.0,151500.0,146000.0,148000.0,831304 270 | 2016-01-21,148500.0,150500.0,147000.0,149000.0,504333 271 | 2016-01-22,150000.0,153500.0,149500.0,153000.0,574518 272 | 2016-01-25,154500.0,154500.0,149500.0,150000.0,504225 273 | 2016-01-26,147500.0,148500.0,141000.0,142000.0,851699 274 | 2016-01-27,141000.0,143000.0,140500.0,141000.0,509336 275 | 2016-01-28,141000.0,147000.0,139500.0,144000.0,849622 276 | 2016-01-29,149000.0,153000.0,146000.0,149000.0,1099337 277 | 2016-02-01,151000.0,152000.0,149000.0,151000.0,373662 278 | 2016-02-02,150000.0,152500.0,148500.0,150500.0,334378 279 | 2016-02-03,149500.0,150000.0,146500.0,146500.0,301113 280 | 2016-02-04,148500.0,153000.0,146500.0,153000.0,576960 281 | 2016-02-05,152000.0,154500.0,151000.0,152000.0,345484 282 | 2016-02-11,146000.0,149000.0,144000.0,146500.0,508077 283 | 2016-02-12,146000.0,147000.0,140000.0,143000.0,557076 284 | 2016-02-15,145000.0,148500.0,144000.0,148000.0,433006 285 | 2016-02-16,148000.0,149500.0,146500.0,148500.0,285701 286 | 2016-02-17,149000.0,149500.0,145000.0,146000.0,336785 287 | 2016-02-18,148500.0,154500.0,147000.0,154500.0,717752 288 | 2016-02-19,153000.0,154500.0,151500.0,153000.0,388417 289 | 2016-02-22,153000.0,157500.0,152000.0,152500.0,581022 290 | 2016-02-23,154500.0,154500.0,150000.0,152500.0,401977 291 | 2016-02-24,151000.0,152500.0,150500.0,152000.0,219082 292 | 2016-02-25,153000.0,154500.0,151000.0,153000.0,486530 293 | 2016-02-26,159000.0,160500.0,155500.0,157000.0,1709493 294 | 2016-02-29,158000.0,159500.0,154000.0,154500.0,649131 295 | 2016-03-02,155500.0,156000.0,153000.0,154500.0,539046 296 | 2016-03-03,154500.0,156000.0,153500.0,154500.0,449348 297 | 2016-03-04,154500.0,157000.0,153500.0,154000.0,344150 298 | 2016-03-07,154000.0,156500.0,152500.0,152500.0,292625 299 | 2016-03-08,152500.0,153500.0,150000.0,150000.0,480839 300 | 2016-03-09,149500.0,153000.0,149500.0,151000.0,267087 301 | 2016-03-10,150500.0,152500.0,147500.0,147500.0,1114342 302 | 2016-03-11,148000.0,151500.0,147500.0,150500.0,588768 303 | 2016-03-14,151000.0,152000.0,149000.0,149000.0,269629 304 | 2016-03-15,149500.0,150500.0,148500.0,149500.0,152834 305 | 2016-03-16,149000.0,150000.0,148000.0,148500.0,293783 306 | 2016-03-17,149000.0,151000.0,148000.0,149000.0,317413 307 | 2016-03-18,149000.0,150500.0,147000.0,147000.0,496076 308 | 2016-03-21,147500.0,148000.0,145000.0,145500.0,352613 309 | 2016-03-22,146500.0,147500.0,145500.0,146500.0,213744 310 | 2016-03-23,146500.0,146500.0,144500.0,145500.0,312614 311 | 2016-03-24,145000.0,146000.0,144000.0,144000.0,219293 312 | 2016-03-25,144500.0,145000.0,143000.0,143000.0,266549 313 | 2016-03-28,143500.0,148000.0,143500.0,145000.0,307359 314 | 2016-03-29,145500.0,146000.0,143500.0,145000.0,315581 315 | 2016-03-30,145000.0,145500.0,144000.0,144000.0,239067 316 | 2016-03-31,144500.0,145500.0,142000.0,143000.0,404524 317 | 2016-04-01,143000.0,143500.0,140000.0,140000.0,525261 318 | 2016-04-04,141500.0,142000.0,138500.0,139500.0,347923 319 | 2016-04-05,139000.0,139500.0,136000.0,139500.0,400240 320 | 2016-04-06,138500.0,140000.0,137000.0,137000.0,387588 321 | 2016-04-07,138000.0,138500.0,136500.0,137000.0,299011 322 | 2016-04-08,136500.0,138500.0,136500.0,138500.0,266622 323 | 2016-04-11,138500.0,139500.0,137000.0,137500.0,237095 324 | 2016-04-12,138000.0,140500.0,137000.0,140000.0,325431 325 | 2016-04-14,141500.0,142000.0,139500.0,140000.0,525219 326 | 2016-04-15,140000.0,143500.0,140000.0,142500.0,340404 327 | 2016-04-18,142000.0,142500.0,140000.0,140000.0,252086 328 | 2016-04-19,140500.0,141500.0,139500.0,140500.0,242621 329 | 2016-04-20,140500.0,141500.0,138500.0,139000.0,259029 330 | 2016-04-21,139500.0,140000.0,137500.0,138000.0,304461 331 | 2016-04-22,138000.0,139500.0,137500.0,139000.0,225622 332 | 2016-04-25,138500.0,139000.0,136000.0,137000.0,358271 333 | 2016-04-26,137000.0,139000.0,136000.0,138000.0,247860 334 | 2016-04-27,138000.0,138000.0,132500.0,134000.0,937056 335 | 2016-04-28,131500.0,135500.0,129500.0,132000.0,1049425 336 | 2016-04-29,132500.0,134000.0,130500.0,131000.0,452795 337 | 2016-05-02,131000.0,132000.0,128000.0,128000.0,482042 338 | 2016-05-03,128500.0,130000.0,128000.0,128000.0,312319 339 | 2016-05-04,127500.0,131000.0,127500.0,128500.0,392328 340 | 2016-05-09,128000.0,129500.0,125000.0,126000.0,400517 341 | 2016-05-10,124500.0,127000.0,124000.0,126000.0,325157 342 | 2016-05-11,127000.0,130000.0,126500.0,127500.0,394973 343 | 2016-05-12,127000.0,127500.0,125500.0,125500.0,258406 344 | 2016-05-13,125500.0,128000.0,125500.0,126500.0,192681 345 | 2016-05-16,126500.0,127000.0,125000.0,125500.0,172327 346 | 2016-05-17,126500.0,128500.0,125500.0,125500.0,252386 347 | 2016-05-18,125500.0,126000.0,122000.0,122500.0,401180 348 | 2016-05-19,121500.0,122500.0,116000.0,117000.0,828934 349 | 2016-05-20,117000.0,121500.0,116500.0,120000.0,424139 350 | 2016-05-23,121000.0,122000.0,120000.0,120500.0,226990 351 | 2016-05-24,119000.0,120000.0,116500.0,117000.0,412624 352 | 2016-05-25,118500.0,119500.0,117000.0,118000.0,378621 353 | 2016-05-26,118000.0,119000.0,117000.0,117000.0,190230 354 | 2016-05-27,117500.0,122000.0,116500.0,120000.0,412592 355 | 2016-05-30,121000.0,122000.0,118000.0,120500.0,337727 356 | 2016-05-31,120000.0,122500.0,119000.0,120000.0,442557 357 | 2016-06-01,120500.0,120500.0,118500.0,119000.0,316610 358 | 2016-06-02,118000.0,118000.0,112000.0,114000.0,1185524 359 | 2016-06-03,117500.0,122500.0,115000.0,122000.0,1517174 360 | 2016-06-07,121500.0,126000.0,121500.0,125500.0,906168 361 | 2016-06-08,125500.0,126000.0,122000.0,124500.0,478695 362 | 2016-06-09,124500.0,124500.0,122000.0,123000.0,506926 363 | 2016-06-10,123000.0,124500.0,122500.0,124500.0,233698 364 | 2016-06-13,123500.0,124000.0,121000.0,121000.0,255895 365 | 2016-06-14,121000.0,121500.0,117000.0,118000.0,425294 366 | 2016-06-15,117500.0,119000.0,115000.0,116000.0,348017 367 | 2016-06-16,117000.0,118500.0,115500.0,115500.0,300966 368 | 2016-06-17,116000.0,121000.0,116000.0,119500.0,522897 369 | 2016-06-20,120500.0,124000.0,120000.0,122000.0,319719 370 | 2016-06-21,122500.0,123000.0,120500.0,121500.0,232186 371 | 2016-06-22,121000.0,122500.0,120500.0,122000.0,166036 372 | 2016-06-23,121500.0,122500.0,121000.0,122000.0,206852 373 | 2016-06-24,123000.0,123000.0,114000.0,116000.0,992925 374 | 2016-06-27,113000.0,115500.0,112500.0,114500.0,500176 375 | 2016-06-28,113500.0,116500.0,113000.0,116000.0,305234 376 | 2016-06-29,117000.0,120000.0,116500.0,117500.0,320462 377 | 2016-06-30,118500.0,127500.0,117500.0,123000.0,2227761 378 | 2016-07-01,121500.0,124000.0,121000.0,123000.0,464378 379 | 2016-07-04,123500.0,125000.0,122000.0,123500.0,318416 380 | 2016-07-05,123000.0,127500.0,123000.0,127000.0,629879 381 | 2016-07-06,127000.0,127000.0,123000.0,124000.0,389525 382 | 2016-07-07,125000.0,128500.0,125000.0,128000.0,472493 383 | 2016-07-08,128000.0,129500.0,125500.0,126000.0,348478 384 | 2016-07-11,128000.0,129500.0,126500.0,129500.0,454904 385 | 2016-07-12,130000.0,133000.0,129500.0,132000.0,677763 386 | 2016-07-13,132500.0,133000.0,130500.0,131500.0,301929 387 | 2016-07-14,132500.0,132500.0,130500.0,131500.0,310033 388 | 2016-07-15,132000.0,134000.0,131500.0,133000.0,369026 389 | 2016-07-18,133000.0,133500.0,131500.0,133000.0,286147 390 | 2016-07-19,133000.0,135500.0,133000.0,135000.0,500752 391 | 2016-07-20,135000.0,135500.0,133000.0,134500.0,278736 392 | 2016-07-21,134500.0,135000.0,132500.0,133000.0,254666 393 | 2016-07-22,131500.0,134500.0,130500.0,133500.0,226893 394 | 2016-07-25,133500.0,134500.0,133000.0,133500.0,195752 395 | 2016-07-26,133000.0,136000.0,133000.0,135500.0,292613 396 | 2016-07-27,135500.0,137500.0,135000.0,137500.0,407961 397 | 2016-07-28,138500.0,139000.0,135500.0,138000.0,429207 398 | 2016-07-29,136500.0,137500.0,135000.0,135500.0,294283 399 | 2016-08-01,134000.0,136500.0,134000.0,135500.0,264195 400 | 2016-08-02,135500.0,137000.0,134500.0,135500.0,309370 401 | 2016-08-03,135500.0,136000.0,133500.0,134500.0,264939 402 | 2016-08-04,135000.0,136500.0,134000.0,136500.0,232004 403 | 2016-08-05,137000.0,139500.0,136500.0,139500.0,458632 404 | 2016-08-08,139500.0,143000.0,139500.0,143000.0,507800 405 | 2016-08-09,143000.0,144000.0,141000.0,142500.0,294161 406 | 2016-08-10,142500.0,143000.0,141500.0,142000.0,251893 407 | 2016-08-11,143000.0,144000.0,141000.0,143500.0,274258 408 | 2016-08-12,143500.0,144500.0,143000.0,143000.0,220676 409 | 2016-08-16,144000.0,145000.0,143500.0,144000.0,259282 410 | 2016-08-17,144000.0,144000.0,140000.0,142000.0,266219 411 | 2016-08-18,142000.0,149500.0,140500.0,148500.0,1032804 412 | 2016-08-19,147500.0,153000.0,147000.0,152500.0,1175843 413 | 2016-08-22,152500.0,153500.0,151000.0,152500.0,496082 414 | 2016-08-23,152000.0,152500.0,149000.0,151500.0,378290 415 | 2016-08-24,151000.0,152500.0,146500.0,148000.0,550383 416 | 2016-08-25,149500.0,152500.0,148000.0,151000.0,411494 417 | 2016-08-26,151000.0,152000.0,148000.0,149500.0,257588 418 | 2016-08-29,148000.0,150000.0,147500.0,148500.0,195376 419 | 2016-08-30,150500.0,153000.0,150500.0,152500.0,422476 420 | 2016-08-31,152500.0,153000.0,150000.0,151500.0,288047 421 | 2016-09-01,150500.0,151500.0,148000.0,150500.0,385040 422 | 2016-09-02,150500.0,151500.0,149000.0,151000.0,200630 423 | 2016-09-05,151000.0,152500.0,151000.0,152500.0,228547 424 | 2016-09-06,152000.0,152500.0,151000.0,152000.0,255996 425 | 2016-09-07,151500.0,152500.0,150500.0,150500.0,186862 426 | 2016-09-08,150500.0,151000.0,147000.0,148500.0,352575 427 | 2016-09-09,147000.0,147500.0,144000.0,146000.0,528665 428 | 2016-09-12,141500.0,143000.0,139000.0,141500.0,566477 429 | 2016-09-13,145000.0,146500.0,142500.0,146000.0,843088 430 | 2016-09-19,145500.0,147000.0,143000.0,144500.0,319242 431 | 2016-09-20,143500.0,147500.0,143500.0,146000.0,342540 432 | 2016-09-21,146000.0,146500.0,145500.0,146500.0,171670 433 | 2016-09-22,147500.0,148500.0,146500.0,147000.0,240945 434 | 2016-09-23,147500.0,147500.0,144500.0,146000.0,279231 435 | 2016-09-26,146000.0,146000.0,143000.0,144000.0,204627 436 | -------------------------------------------------------------------------------- /sample_data/032830.csv: -------------------------------------------------------------------------------- 1 | 2010-05-12,119500.0,121000.0,112500.0,114000.0,9096807 2 | 2010-05-13,115500.0,117000.0,115000.0,115500.0,2139740 3 | 2010-05-14,115000.0,116500.0,112000.0,114000.0,1755818 4 | 2010-05-17,112000.0,113500.0,107500.0,107500.0,2393895 5 | 2010-05-18,108500.0,110000.0,107000.0,110000.0,981420 6 | 2010-05-19,109000.0,110000.0,107500.0,109500.0,840282 7 | 2010-05-20,109500.0,111000.0,107500.0,107500.0,727502 8 | 2010-05-24,105000.0,106000.0,101500.0,102500.0,1195391 9 | 2010-05-25,100500.0,101000.0,95500.0,98000.0,1588946 10 | 2010-05-26,98000.0,110000.0,97800.0,110000.0,3353290 11 | 2010-05-27,107000.0,110000.0,106000.0,109000.0,1522399 12 | 2010-05-28,111000.0,111000.0,105500.0,108000.0,683470 13 | 2010-05-31,107500.0,110000.0,106000.0,109000.0,470756 14 | 2010-06-01,108500.0,109000.0,106000.0,106000.0,291529 15 | 2010-06-03,105500.0,107000.0,103000.0,104000.0,899905 16 | 2010-06-04,104500.0,105500.0,103000.0,103000.0,414651 17 | 2010-06-07,100500.0,102500.0,99800.0,102000.0,567909 18 | 2010-06-08,102000.0,104500.0,102000.0,102500.0,385757 19 | 2010-06-09,103000.0,104000.0,102000.0,102000.0,241633 20 | 2010-06-10,103000.0,104000.0,102000.0,102500.0,265915 21 | 2010-06-11,104000.0,105000.0,102500.0,103000.0,453619 22 | 2010-06-14,103500.0,104000.0,100500.0,101000.0,762462 23 | 2010-06-15,101500.0,101500.0,100000.0,100500.0,463663 24 | 2010-06-16,101500.0,101500.0,99900.0,100500.0,585076 25 | 2010-06-17,100500.0,103500.0,100000.0,100500.0,658919 26 | 2010-06-18,101000.0,102000.0,100000.0,101500.0,484757 27 | 2010-06-21,101500.0,102000.0,100000.0,100500.0,748017 28 | 2010-06-22,100500.0,101500.0,100000.0,100500.0,454049 29 | 2010-06-23,100500.0,101000.0,100000.0,100500.0,392675 30 | 2010-06-24,100500.0,101000.0,100000.0,100500.0,325821 31 | 2010-06-25,100500.0,107000.0,99900.0,106500.0,1813968 32 | 2010-06-28,107000.0,107000.0,105000.0,106500.0,591973 33 | 2010-06-29,106000.0,107000.0,102500.0,105000.0,708033 34 | 2010-06-30,103000.0,103500.0,102000.0,103500.0,698070 35 | 2010-07-01,102500.0,104500.0,101500.0,104000.0,464035 36 | 2010-07-02,104000.0,104500.0,102500.0,102500.0,266363 37 | 2010-07-05,102500.0,104000.0,102500.0,104000.0,202537 38 | 2010-07-06,103500.0,104000.0,102500.0,103000.0,247016 39 | 2010-07-07,103500.0,105500.0,103000.0,105000.0,578098 40 | 2010-07-08,106500.0,106500.0,104500.0,105000.0,321098 41 | 2010-07-09,105500.0,108500.0,104500.0,106500.0,1169302 42 | 2010-07-12,107500.0,109000.0,106000.0,108500.0,633807 43 | 2010-07-13,109000.0,109500.0,107000.0,107500.0,343232 44 | 2010-07-14,108000.0,108500.0,106500.0,107000.0,486961 45 | 2010-07-15,107000.0,107000.0,105000.0,105500.0,404689 46 | 2010-07-16,105500.0,109000.0,105000.0,107500.0,877236 47 | 2010-07-19,107000.0,107500.0,105500.0,106000.0,264688 48 | 2010-07-20,106000.0,107000.0,105500.0,107000.0,225506 49 | 2010-07-21,108000.0,108000.0,106000.0,106500.0,216043 50 | 2010-07-22,106500.0,106500.0,104500.0,105000.0,340748 51 | 2010-07-23,106000.0,106500.0,104500.0,105500.0,383936 52 | 2010-07-26,105500.0,107000.0,105000.0,106000.0,292431 53 | 2010-07-27,106500.0,107000.0,106000.0,106000.0,293433 54 | 2010-07-28,106500.0,108000.0,105500.0,107500.0,531036 55 | 2010-07-29,108500.0,111000.0,108000.0,109000.0,956203 56 | 2010-07-30,109000.0,111000.0,108000.0,110000.0,602915 57 | 2010-08-02,111500.0,115000.0,111000.0,114000.0,1346301 58 | 2010-08-03,115000.0,115000.0,113500.0,114500.0,688035 59 | 2010-08-04,114000.0,114500.0,111500.0,112500.0,708929 60 | 2010-08-05,113000.0,114000.0,111500.0,112500.0,354036 61 | 2010-08-06,113500.0,115000.0,112000.0,113000.0,489008 62 | 2010-08-09,114500.0,114500.0,113000.0,114500.0,412249 63 | 2010-08-10,113500.0,114500.0,112000.0,112500.0,389534 64 | 2010-08-11,112500.0,113500.0,110500.0,111500.0,438541 65 | 2010-08-12,110000.0,111000.0,109000.0,109500.0,464049 66 | 2010-08-13,110000.0,112500.0,109000.0,112500.0,407970 67 | 2010-08-16,111000.0,112000.0,109500.0,110500.0,316702 68 | 2010-08-17,111000.0,112000.0,110500.0,111500.0,319155 69 | 2010-08-18,111500.0,112500.0,110000.0,110500.0,369290 70 | 2010-08-19,110500.0,111000.0,108500.0,109000.0,742955 71 | 2010-08-20,108500.0,109000.0,108000.0,109000.0,317252 72 | 2010-08-23,109000.0,109500.0,107000.0,107500.0,368496 73 | 2010-08-24,107500.0,108500.0,105500.0,108000.0,296584 74 | 2010-08-25,107000.0,108000.0,106500.0,107500.0,197830 75 | 2010-08-26,108000.0,109000.0,107500.0,108500.0,335360 76 | 2010-08-27,108000.0,108500.0,107000.0,107500.0,356041 77 | 2010-08-30,108500.0,110000.0,107500.0,110000.0,359791 78 | 2010-08-31,109000.0,109500.0,108000.0,109000.0,341070 79 | 2010-09-01,109000.0,110000.0,108500.0,110000.0,364470 80 | 2010-09-02,110500.0,111000.0,109000.0,109000.0,561011 81 | 2010-09-03,110000.0,111000.0,108500.0,111000.0,556420 82 | 2010-09-06,113000.0,114000.0,111500.0,114000.0,957109 83 | 2010-09-07,114000.0,114500.0,113000.0,113500.0,491739 84 | 2010-09-08,113000.0,114000.0,111000.0,113500.0,693219 85 | 2010-09-09,114500.0,115000.0,110000.0,111000.0,1630131 86 | 2010-09-10,110000.0,112500.0,109000.0,109500.0,1104798 87 | 2010-09-13,110000.0,110000.0,108000.0,108000.0,742525 88 | 2010-09-14,108000.0,109000.0,107500.0,107500.0,457778 89 | 2010-09-15,107500.0,108500.0,107000.0,108000.0,340991 90 | 2010-09-16,107500.0,108000.0,107000.0,108000.0,405418 91 | 2010-09-17,108000.0,110000.0,107000.0,110000.0,747510 92 | 2010-09-20,110500.0,110500.0,108500.0,108500.0,198785 93 | 2010-09-24,109000.0,109000.0,107000.0,107000.0,419039 94 | 2010-09-27,107500.0,107500.0,105000.0,105000.0,908416 95 | 2010-09-28,105000.0,105500.0,103500.0,104000.0,560865 96 | 2010-09-29,104000.0,105000.0,103500.0,103500.0,712893 97 | 2010-09-30,104000.0,105000.0,103500.0,104000.0,403147 98 | 2010-10-01,105000.0,107500.0,104500.0,106000.0,641617 99 | 2010-10-04,106500.0,107000.0,106000.0,106500.0,301175 100 | 2010-10-05,106500.0,107000.0,104500.0,105500.0,491722 101 | 2010-10-06,106000.0,107000.0,105500.0,106000.0,371811 102 | 2010-10-07,106000.0,106500.0,105000.0,105000.0,359263 103 | 2010-10-08,105000.0,106000.0,104500.0,106000.0,327932 104 | 2010-10-11,106500.0,107000.0,106000.0,107000.0,221969 105 | 2010-10-12,106500.0,107000.0,105500.0,106500.0,312179 106 | 2010-10-13,107000.0,107000.0,106000.0,106500.0,293551 107 | 2010-10-14,106500.0,107500.0,104000.0,104500.0,947817 108 | 2010-10-15,104500.0,105000.0,102500.0,102500.0,872870 109 | 2010-10-18,102500.0,103500.0,102000.0,102500.0,471144 110 | 2010-10-19,103000.0,103500.0,102500.0,102500.0,245333 111 | 2010-10-20,103500.0,104500.0,103000.0,103000.0,434430 112 | 2010-10-21,103500.0,103500.0,102000.0,103000.0,259037 113 | 2010-10-22,103000.0,103000.0,102500.0,103000.0,250998 114 | 2010-10-25,103000.0,103500.0,102500.0,102500.0,326225 115 | 2010-10-26,102500.0,103000.0,102000.0,103000.0,318031 116 | 2010-10-27,103000.0,103000.0,102000.0,102000.0,273258 117 | 2010-10-28,102000.0,102500.0,101000.0,101500.0,370200 118 | 2010-10-29,101500.0,101500.0,100000.0,100500.0,407420 119 | 2010-11-01,101000.0,102000.0,100500.0,101500.0,270283 120 | 2010-11-02,101000.0,101500.0,100500.0,101000.0,263240 121 | 2010-11-03,101500.0,103500.0,101500.0,102500.0,476539 122 | 2010-11-04,103000.0,104500.0,102500.0,103000.0,377596 123 | 2010-11-05,104000.0,104500.0,103500.0,104000.0,320995 124 | 2010-11-08,104500.0,104500.0,103500.0,104000.0,206165 125 | 2010-11-09,104000.0,104500.0,103000.0,103500.0,181876 126 | 2010-11-10,103500.0,104000.0,103000.0,103000.0,215132 127 | 2010-11-11,103000.0,103000.0,101000.0,101000.0,549656 128 | 2010-11-12,102000.0,103000.0,101000.0,101500.0,436670 129 | 2010-11-15,101500.0,103000.0,101500.0,102500.0,302018 130 | 2010-11-16,103500.0,104000.0,100500.0,101000.0,585877 131 | 2010-11-17,100500.0,101000.0,100000.0,100000.0,399093 132 | 2010-11-18,100500.0,101000.0,100000.0,100500.0,231810 133 | 2010-11-19,100500.0,101000.0,100000.0,100500.0,348801 134 | 2010-11-22,101000.0,101500.0,100000.0,100500.0,364616 135 | 2010-11-23,100500.0,101000.0,100000.0,100500.0,357845 136 | 2010-11-24,97600.0,100000.0,97600.0,99600.0,577106 137 | 2010-11-25,100000.0,100000.0,99000.0,99200.0,384992 138 | 2010-11-26,99400.0,99400.0,97700.0,98400.0,497842 139 | 2010-11-29,97800.0,98400.0,97000.0,97200.0,511998 140 | 2010-11-30,97200.0,98900.0,97000.0,97700.0,287025 141 | 2010-12-01,97700.0,99200.0,97500.0,98800.0,189793 142 | 2010-12-02,98900.0,99500.0,98000.0,98600.0,296603 143 | 2010-12-03,98900.0,99000.0,98400.0,99000.0,220321 144 | 2010-12-06,99100.0,101000.0,98600.0,100000.0,351935 145 | 2010-12-07,101000.0,101500.0,100000.0,100500.0,293214 146 | 2010-12-08,100500.0,101000.0,99600.0,99700.0,233328 147 | 2010-12-09,100000.0,100500.0,99600.0,100500.0,325664 148 | 2010-12-10,100500.0,101000.0,99800.0,100000.0,203293 149 | 2010-12-13,100500.0,100500.0,99900.0,100500.0,186125 150 | 2010-12-14,100500.0,101000.0,100000.0,100500.0,201293 151 | 2010-12-15,100500.0,100500.0,99500.0,100000.0,349975 152 | 2010-12-16,99900.0,100000.0,99500.0,99900.0,203963 153 | 2010-12-17,100000.0,100000.0,99100.0,99100.0,326685 154 | 2010-12-20,98500.0,98700.0,97900.0,98500.0,458288 155 | 2010-12-21,98600.0,101000.0,98600.0,100500.0,447832 156 | 2010-12-22,100500.0,100500.0,99300.0,99300.0,214314 157 | 2010-12-23,99400.0,99700.0,99000.0,99500.0,150306 158 | 2010-12-24,99500.0,99500.0,98900.0,99200.0,170367 159 | 2010-12-27,99500.0,104000.0,99500.0,102500.0,1313166 160 | 2010-12-28,103500.0,104000.0,102000.0,103000.0,414783 161 | 2010-12-29,102000.0,103000.0,101500.0,102000.0,271752 162 | 2010-12-30,102000.0,103500.0,102000.0,102500.0,305357 163 | 2011-01-03,104000.0,104500.0,103000.0,104000.0,474799 164 | 2011-01-04,104000.0,104500.0,103000.0,104000.0,369667 165 | 2011-01-05,104000.0,104000.0,102500.0,103500.0,310086 166 | 2011-01-06,104000.0,106000.0,103000.0,105000.0,897771 167 | 2011-01-07,105500.0,107500.0,105500.0,107000.0,794677 168 | 2011-01-10,107500.0,110500.0,107000.0,110000.0,1537988 169 | 2011-01-11,109500.0,110000.0,107000.0,109000.0,475282 170 | 2011-01-12,108500.0,108500.0,105000.0,105500.0,687732 171 | 2011-01-13,105500.0,109500.0,104500.0,106000.0,998384 172 | 2011-01-14,107500.0,109500.0,107000.0,109500.0,690477 173 | 2011-01-17,110000.0,111000.0,109000.0,109500.0,561443 174 | 2011-01-18,109500.0,110000.0,108000.0,109000.0,431232 175 | 2011-01-19,109000.0,110500.0,108000.0,110000.0,671590 176 | 2011-01-20,110000.0,110500.0,108500.0,110500.0,419196 177 | 2011-01-21,110000.0,110500.0,108000.0,108000.0,424081 178 | 2011-01-24,107500.0,108000.0,106000.0,107000.0,279546 179 | 2011-01-25,107000.0,108000.0,106500.0,107000.0,390841 180 | 2011-01-26,107500.0,108000.0,106500.0,106500.0,286235 181 | 2011-01-27,106500.0,107000.0,105000.0,106000.0,349413 182 | 2011-01-28,105500.0,105500.0,104000.0,104500.0,262956 183 | 2011-01-31,103500.0,104000.0,102500.0,103000.0,313069 184 | 2011-02-01,103500.0,107000.0,103000.0,105500.0,394610 185 | 2011-02-07,107500.0,109000.0,107000.0,107500.0,348174 186 | 2011-02-08,108500.0,109500.0,107500.0,108500.0,528033 187 | 2011-02-09,109500.0,109500.0,106000.0,106500.0,417458 188 | 2011-02-10,106000.0,108000.0,105000.0,106000.0,365503 189 | 2011-02-11,106500.0,106500.0,102500.0,103000.0,472036 190 | 2011-02-14,104000.0,108500.0,104000.0,107500.0,452071 191 | 2011-02-15,108500.0,108500.0,106500.0,107500.0,376047 192 | 2011-02-16,108000.0,110000.0,107500.0,108500.0,714633 193 | 2011-02-17,110000.0,112500.0,109000.0,112000.0,2022077 194 | 2011-02-18,112000.0,113500.0,112000.0,112500.0,824414 195 | 2011-02-21,112500.0,112500.0,109000.0,110000.0,550457 196 | 2011-02-22,109000.0,109500.0,107000.0,109000.0,427972 197 | 2011-02-23,108500.0,112000.0,108500.0,110000.0,518599 198 | 2011-02-24,109500.0,110000.0,107500.0,108500.0,378074 199 | 2011-02-25,108000.0,108500.0,107000.0,108000.0,333805 200 | 2011-02-28,108000.0,108000.0,105500.0,106500.0,289771 201 | 2011-03-02,105500.0,106500.0,105000.0,105000.0,283797 202 | 2011-03-03,106000.0,109000.0,106000.0,108500.0,284145 203 | 2011-03-04,109500.0,110000.0,108500.0,109500.0,328213 204 | 2011-03-07,109000.0,109500.0,107000.0,107000.0,210166 205 | 2011-03-08,107000.0,110000.0,107000.0,109500.0,204760 206 | 2011-03-09,109500.0,110000.0,108000.0,108500.0,238927 207 | 2011-03-10,109500.0,109500.0,105500.0,106000.0,501746 208 | 2011-03-11,105000.0,107000.0,105000.0,106500.0,296383 209 | 2011-03-14,104000.0,104500.0,102000.0,104000.0,548809 210 | 2011-03-15,103500.0,104500.0,99700.0,100500.0,791097 211 | 2011-03-16,101500.0,103500.0,101500.0,102000.0,365841 212 | 2011-03-17,100000.0,102000.0,100000.0,101500.0,382315 213 | 2011-03-18,102500.0,104000.0,101000.0,104000.0,285222 214 | 2011-03-21,104000.0,104500.0,102000.0,102500.0,497205 215 | 2011-03-22,103000.0,103000.0,101000.0,102000.0,464601 216 | 2011-03-23,102000.0,102000.0,100500.0,101000.0,381654 217 | 2011-03-24,101500.0,102000.0,101000.0,101500.0,391946 218 | 2011-03-25,101500.0,103000.0,101500.0,103000.0,436594 219 | 2011-03-28,103000.0,103000.0,101500.0,102500.0,264969 220 | 2011-03-29,102000.0,103000.0,101500.0,103000.0,221740 221 | 2011-03-30,102000.0,102500.0,101000.0,101500.0,663515 222 | 2011-03-31,102000.0,103000.0,101500.0,103000.0,465998 223 | 2011-04-01,102500.0,103000.0,102000.0,103000.0,365070 224 | 2011-04-04,103000.0,103000.0,102000.0,102500.0,374103 225 | 2011-04-05,103000.0,104000.0,102500.0,103500.0,339427 226 | 2011-04-06,103500.0,103500.0,101000.0,101500.0,640375 227 | 2011-04-07,101500.0,102000.0,101000.0,101500.0,306031 228 | 2011-04-08,101500.0,102000.0,100500.0,100500.0,461523 229 | 2011-04-11,100500.0,101500.0,99800.0,99900.0,476461 230 | 2011-04-12,99900.0,100500.0,99000.0,99300.0,436475 231 | 2011-04-13,99900.0,100500.0,99500.0,100500.0,247158 232 | 2011-04-14,100500.0,100500.0,99400.0,100500.0,292482 233 | 2011-04-15,100000.0,100500.0,99400.0,99600.0,320470 234 | 2011-04-18,99700.0,99800.0,98100.0,98100.0,446028 235 | 2011-04-19,97700.0,99100.0,97500.0,98000.0,303029 236 | 2011-04-20,99300.0,101000.0,98600.0,101000.0,391636 237 | 2011-04-21,101500.0,102000.0,98500.0,99000.0,514965 238 | 2011-04-22,99700.0,100500.0,98600.0,99600.0,395675 239 | 2011-04-25,99900.0,99900.0,99000.0,99000.0,215757 240 | 2011-04-26,99000.0,99100.0,98200.0,98900.0,292031 241 | 2011-04-27,98800.0,101000.0,98400.0,98400.0,455808 242 | 2011-04-28,98800.0,99000.0,97600.0,97900.0,364529 243 | 2011-04-29,97500.0,97500.0,96600.0,97100.0,503722 244 | 2011-05-02,97800.0,99300.0,97500.0,98300.0,350979 245 | 2011-05-03,98300.0,98900.0,97500.0,97900.0,284272 246 | 2011-05-04,98100.0,98600.0,97800.0,98300.0,231136 247 | 2011-05-06,97800.0,98600.0,97600.0,97800.0,314172 248 | 2011-05-09,98100.0,98600.0,97700.0,97800.0,190781 249 | 2011-05-11,98500.0,98700.0,97900.0,98200.0,225020 250 | 2011-05-12,98400.0,98500.0,97500.0,98000.0,358304 251 | 2011-05-13,98600.0,98600.0,96700.0,98100.0,458531 252 | 2011-05-16,97900.0,97900.0,97000.0,97000.0,246192 253 | 2011-05-17,97300.0,97600.0,96300.0,96300.0,309708 254 | 2011-05-18,96700.0,97000.0,96100.0,96700.0,217990 255 | 2011-05-19,96600.0,96700.0,95100.0,95200.0,332715 256 | 2011-05-20,95400.0,96300.0,94200.0,95700.0,262624 257 | 2011-05-23,95100.0,95500.0,94100.0,94100.0,276544 258 | 2011-05-24,93200.0,93200.0,91100.0,92200.0,453770 259 | 2011-05-25,92100.0,92200.0,89000.0,89300.0,560427 260 | 2011-05-26,89300.0,90900.0,89300.0,89600.0,257305 261 | 2011-05-27,88400.0,89900.0,88400.0,89000.0,402557 262 | 2011-05-30,90300.0,90400.0,88200.0,88300.0,296043 263 | 2011-05-31,88800.0,89800.0,88300.0,89800.0,282600 264 | 2011-06-01,90200.0,92300.0,89700.0,91600.0,551239 265 | 2011-06-02,90800.0,91400.0,90200.0,91400.0,374559 266 | 2011-06-03,90700.0,92500.0,90700.0,92500.0,377030 267 | 2011-06-07,92000.0,93400.0,91300.0,93200.0,381210 268 | 2011-06-08,92500.0,92800.0,91400.0,92700.0,390364 269 | 2011-06-09,92000.0,94100.0,91400.0,92800.0,964113 270 | 2011-06-10,93900.0,94300.0,92200.0,94300.0,479690 271 | 2011-06-13,94000.0,94900.0,93800.0,94500.0,286958 272 | 2011-06-14,93800.0,95000.0,93700.0,94900.0,238091 273 | 2011-06-15,95000.0,95200.0,92400.0,92800.0,353604 274 | 2011-06-16,92500.0,92500.0,90900.0,91300.0,216468 275 | 2011-06-17,90500.0,92100.0,90500.0,91300.0,298772 276 | 2011-06-20,91700.0,92800.0,91300.0,92500.0,277907 277 | 2011-06-21,92500.0,93700.0,92300.0,93400.0,155669 278 | 2011-06-22,94000.0,94500.0,93700.0,94500.0,252729 279 | 2011-06-23,94500.0,98800.0,93600.0,96800.0,926925 280 | 2011-06-24,97200.0,98000.0,95600.0,96300.0,297328 281 | 2011-06-27,96800.0,96800.0,94800.0,96400.0,173033 282 | 2011-06-28,97500.0,97600.0,93700.0,93700.0,346609 283 | 2011-06-29,94000.0,94600.0,91800.0,93800.0,469018 284 | 2011-06-30,93900.0,95400.0,93700.0,95000.0,209664 285 | 2011-07-01,96000.0,96000.0,94200.0,94900.0,181257 286 | 2011-07-04,95700.0,96400.0,95000.0,95100.0,182469 287 | 2011-07-05,95400.0,96800.0,95200.0,96500.0,199973 288 | 2011-07-06,96100.0,97000.0,96100.0,97000.0,136917 289 | 2011-07-07,97500.0,98800.0,97300.0,98500.0,363418 290 | 2011-07-08,98400.0,98800.0,96400.0,97200.0,256754 291 | 2011-07-11,96800.0,97700.0,95500.0,97600.0,215437 292 | 2011-07-12,97000.0,97300.0,95700.0,95900.0,175430 293 | 2011-07-13,96700.0,96700.0,94900.0,95700.0,198102 294 | 2011-07-14,95700.0,95700.0,94100.0,94800.0,288165 295 | 2011-07-15,94600.0,95400.0,94400.0,95400.0,168613 296 | 2011-07-18,98500.0,101000.0,98200.0,98300.0,794602 297 | 2011-07-19,98500.0,99100.0,97700.0,98400.0,284198 298 | 2011-07-20,99000.0,99400.0,98400.0,98500.0,249741 299 | 2011-07-21,98500.0,98900.0,97800.0,98200.0,190645 300 | 2011-07-22,98400.0,99400.0,98400.0,99400.0,392611 301 | 2011-07-25,98900.0,99600.0,98200.0,99100.0,251161 302 | 2011-07-26,99200.0,100500.0,99200.0,100000.0,345599 303 | 2011-07-27,100000.0,100000.0,99200.0,99500.0,191767 304 | 2011-07-28,98600.0,99900.0,98500.0,99900.0,154207 305 | 2011-07-29,99700.0,99900.0,99400.0,99800.0,155536 306 | 2011-08-01,100500.0,101000.0,100000.0,101000.0,292108 307 | 2011-08-02,100500.0,101000.0,99500.0,99500.0,216698 308 | 2011-08-03,98000.0,98400.0,97200.0,98100.0,282926 309 | 2011-08-04,98600.0,98700.0,96500.0,97000.0,321624 310 | 2011-08-05,93200.0,95500.0,93100.0,95500.0,492842 311 | 2011-08-08,93900.0,95100.0,89900.0,91100.0,517239 312 | 2011-08-09,89000.0,89900.0,81000.0,84900.0,821392 313 | 2011-08-10,87200.0,87900.0,84300.0,84500.0,694574 314 | 2011-08-11,81300.0,86500.0,81300.0,84500.0,447726 315 | 2011-08-12,86500.0,86800.0,84400.0,85200.0,384661 316 | 2011-08-16,86300.0,88000.0,86200.0,86700.0,336609 317 | 2011-08-17,86400.0,89400.0,86200.0,88200.0,293467 318 | 2011-08-18,89600.0,89600.0,86600.0,87200.0,255936 319 | 2011-08-19,85500.0,85900.0,84500.0,85600.0,340876 320 | 2011-08-22,84700.0,87800.0,84500.0,86800.0,294759 321 | 2011-08-23,88000.0,88100.0,86200.0,87100.0,265603 322 | 2011-08-24,87200.0,87500.0,84800.0,85200.0,362876 323 | 2011-08-25,85100.0,85900.0,84000.0,84100.0,278165 324 | 2011-08-26,84000.0,84800.0,83600.0,84000.0,142757 325 | 2011-08-29,84500.0,84800.0,83200.0,84000.0,358891 326 | 2011-08-30,85000.0,85200.0,84000.0,84200.0,376601 327 | 2011-08-31,84300.0,85000.0,83700.0,85000.0,348116 328 | 2011-09-01,87300.0,91900.0,86500.0,89700.0,1112992 329 | 2011-09-02,89800.0,93500.0,89100.0,92000.0,612456 330 | 2011-09-05,91000.0,92300.0,89500.0,90000.0,370196 331 | 2011-09-06,88000.0,90000.0,87100.0,89500.0,347873 332 | 2011-09-07,90100.0,91500.0,89200.0,90300.0,296883 333 | 2011-09-08,90700.0,91100.0,88200.0,88500.0,515498 334 | 2011-09-09,88100.0,90100.0,87600.0,88600.0,318470 335 | 2011-09-14,89400.0,89400.0,87300.0,88200.0,252415 336 | 2011-09-15,89400.0,90400.0,88800.0,90100.0,440143 337 | 2011-09-16,91200.0,94200.0,91000.0,92100.0,477597 338 | 2011-09-19,91400.0,93400.0,90600.0,92900.0,304720 339 | 2011-09-20,92700.0,94300.0,91800.0,93700.0,315962 340 | 2011-09-21,94000.0,96900.0,93400.0,94200.0,393386 341 | 2011-09-22,93000.0,94200.0,91900.0,93500.0,247111 342 | 2011-09-23,91000.0,91700.0,89200.0,89200.0,414568 343 | 2011-09-26,88400.0,90300.0,88400.0,89100.0,400514 344 | 2011-09-27,90700.0,93200.0,90200.0,92800.0,337123 345 | 2011-09-28,92500.0,92800.0,90200.0,90800.0,319522 346 | 2011-09-29,91400.0,91400.0,88100.0,90500.0,489247 347 | 2011-09-30,89700.0,91800.0,88900.0,90800.0,294154 348 | 2011-10-04,88400.0,89900.0,86500.0,89300.0,341247 349 | 2011-10-05,88900.0,91300.0,87300.0,90800.0,413604 350 | 2011-10-06,91400.0,92900.0,90100.0,91700.0,287827 351 | 2011-10-07,91700.0,93000.0,91400.0,91800.0,252058 352 | 2011-10-10,91100.0,92800.0,90700.0,90700.0,178687 353 | 2011-10-11,91400.0,92400.0,90200.0,90900.0,303011 354 | 2011-10-12,90300.0,91600.0,90200.0,91000.0,164524 355 | 2011-10-13,91000.0,92900.0,90600.0,91100.0,337786 356 | 2011-10-14,91500.0,92800.0,90900.0,91000.0,159164 357 | 2011-10-17,91600.0,91900.0,89700.0,90000.0,291161 358 | 2011-10-18,85400.0,85800.0,83800.0,84000.0,1836905 359 | 2011-10-19,85000.0,85500.0,84500.0,85200.0,883319 360 | 2011-10-20,85400.0,85800.0,84100.0,84200.0,395654 361 | 2011-10-21,84700.0,85100.0,84300.0,84800.0,332362 362 | 2011-10-24,85500.0,85900.0,85000.0,85900.0,377822 363 | 2011-10-25,86500.0,86600.0,85300.0,85800.0,260674 364 | 2011-10-26,85400.0,85400.0,84600.0,85000.0,273843 365 | 2011-10-27,86000.0,87200.0,85600.0,86900.0,447006 366 | 2011-10-28,87900.0,88200.0,86800.0,86900.0,383772 367 | 2011-10-31,86900.0,87700.0,86100.0,86800.0,247764 368 | 2011-11-01,86600.0,87800.0,86000.0,86800.0,247056 369 | 2011-11-02,86000.0,87800.0,85500.0,87300.0,346686 370 | 2011-11-03,86900.0,87200.0,86100.0,86900.0,147847 371 | 2011-11-04,87300.0,87500.0,86700.0,87000.0,243244 372 | 2011-11-07,87300.0,87300.0,86300.0,86800.0,128930 373 | 2011-11-08,87100.0,87200.0,86000.0,86200.0,145868 374 | 2011-11-09,86500.0,87000.0,85800.0,86300.0,187759 375 | 2011-11-10,85100.0,86000.0,82600.0,82600.0,415129 376 | 2011-11-11,83400.0,84100.0,82600.0,84000.0,252873 377 | 2011-11-14,86000.0,86000.0,84800.0,85000.0,143480 378 | 2011-11-15,84900.0,85200.0,84500.0,85100.0,122121 379 | 2011-11-16,86100.0,86700.0,84500.0,84900.0,246146 380 | 2011-11-17,84900.0,85000.0,84100.0,85000.0,128490 381 | 2011-11-18,84100.0,84400.0,83000.0,83200.0,258422 382 | 2011-11-21,83600.0,83600.0,82200.0,82700.0,151688 383 | 2011-11-22,81600.0,82200.0,81500.0,82000.0,143785 384 | 2011-11-23,82400.0,82400.0,81100.0,81300.0,202159 385 | 2011-11-24,81500.0,82000.0,81100.0,81100.0,121003 386 | 2011-11-25,81000.0,81100.0,80100.0,80200.0,215421 387 | 2011-11-28,80100.0,81500.0,80100.0,81000.0,148679 388 | 2011-11-29,80900.0,82800.0,80600.0,82800.0,212804 389 | 2011-11-30,82500.0,83200.0,82000.0,83200.0,144650 390 | 2011-12-01,84300.0,85300.0,84200.0,85300.0,384521 391 | 2011-12-02,85000.0,85900.0,83800.0,85700.0,256762 392 | 2011-12-05,86000.0,86000.0,85100.0,85900.0,153579 393 | 2011-12-06,86000.0,86100.0,85300.0,86100.0,163810 394 | 2011-12-07,86000.0,86800.0,86000.0,86800.0,267344 395 | 2011-12-08,86300.0,87000.0,85500.0,86000.0,283319 396 | 2011-12-09,85200.0,85900.0,83900.0,85400.0,176510 397 | 2011-12-12,85500.0,86200.0,85300.0,85500.0,131997 398 | 2011-12-13,84800.0,85200.0,84000.0,84800.0,121904 399 | 2011-12-14,85000.0,85300.0,84000.0,84800.0,85284 400 | 2011-12-15,84500.0,84500.0,82800.0,83500.0,192209 401 | 2011-12-16,83900.0,83900.0,82700.0,82700.0,126022 402 | 2011-12-19,82300.0,82700.0,79500.0,80800.0,330049 403 | 2011-12-20,80800.0,81300.0,80800.0,81000.0,113486 404 | 2011-12-21,82000.0,83000.0,81600.0,82100.0,138511 405 | 2011-12-22,82100.0,82500.0,81300.0,81800.0,84129 406 | 2011-12-23,82000.0,83400.0,81900.0,83200.0,148904 407 | 2011-12-26,83400.0,83500.0,82500.0,82500.0,36843 408 | 2011-12-27,82500.0,83400.0,80200.0,82400.0,107461 409 | 2011-12-28,82000.0,83000.0,81200.0,81700.0,134357 410 | 2011-12-29,81200.0,81700.0,80800.0,80900.0,158068 411 | 2012-01-02,81000.0,81200.0,80000.0,80400.0,150254 412 | 2012-01-03,80200.0,82500.0,80200.0,82500.0,208947 413 | 2012-01-04,82100.0,82500.0,81700.0,82300.0,88792 414 | 2012-01-05,82000.0,82700.0,81400.0,82400.0,96883 415 | 2012-01-06,82400.0,82400.0,80600.0,81500.0,153896 416 | 2012-01-09,80800.0,81000.0,80100.0,80500.0,181402 417 | 2012-01-10,80600.0,81800.0,80500.0,81200.0,199547 418 | 2012-01-11,81200.0,81200.0,80200.0,81200.0,197564 419 | 2012-01-12,81200.0,81400.0,80300.0,81200.0,177135 420 | 2012-01-13,80700.0,81400.0,80600.0,80700.0,190661 421 | 2012-01-16,80400.0,80500.0,80000.0,80100.0,205443 422 | 2012-01-17,80400.0,81300.0,80400.0,81300.0,235220 423 | 2012-01-18,81100.0,81900.0,80800.0,81900.0,280790 424 | 2012-01-19,82200.0,82500.0,81800.0,81800.0,246166 425 | 2012-01-20,81600.0,84000.0,81600.0,83600.0,373258 426 | 2012-01-25,83700.0,85100.0,83600.0,84800.0,381313 427 | 2012-01-26,84600.0,85600.0,84500.0,84900.0,211353 428 | 2012-01-27,85000.0,85200.0,84500.0,85200.0,159755 429 | 2012-01-30,84600.0,85300.0,83600.0,84700.0,194207 430 | 2012-01-31,84700.0,85300.0,82900.0,83800.0,346507 431 | 2012-02-01,83200.0,84500.0,83100.0,84000.0,150621 432 | 2012-02-02,85300.0,85300.0,84500.0,84700.0,216909 433 | 2012-02-03,84500.0,86100.0,84500.0,86100.0,261784 434 | 2012-02-06,86800.0,87000.0,85800.0,87000.0,233680 435 | 2012-02-07,87100.0,89000.0,86200.0,88000.0,310317 436 | 2012-02-08,87400.0,88900.0,87100.0,87900.0,202494 437 | 2012-02-09,87900.0,88000.0,86800.0,88000.0,174635 438 | 2012-02-10,87600.0,88000.0,86000.0,86600.0,259492 439 | 2012-02-13,86100.0,87300.0,86000.0,86300.0,157286 440 | 2012-02-14,86100.0,88000.0,85500.0,87000.0,264103 441 | 2012-02-15,86500.0,88200.0,86500.0,87900.0,222482 442 | 2012-02-16,87100.0,87900.0,86800.0,87600.0,118622 443 | 2012-02-17,87600.0,88700.0,87400.0,87400.0,193327 444 | 2012-02-20,88300.0,88500.0,87000.0,87000.0,135467 445 | 2012-02-21,86600.0,88000.0,86600.0,87200.0,93725 446 | 2012-02-22,87200.0,88000.0,86700.0,87500.0,126484 447 | 2012-02-23,87900.0,88500.0,86900.0,88500.0,127890 448 | 2012-02-24,88500.0,89300.0,88500.0,88700.0,197933 449 | 2012-02-27,88900.0,89000.0,87900.0,88600.0,123053 450 | 2012-02-28,88700.0,90100.0,88300.0,89400.0,261004 451 | 2012-02-29,89600.0,92600.0,89500.0,91300.0,433660 452 | 2012-03-02,91700.0,91700.0,90200.0,90600.0,146796 453 | 2012-03-05,90100.0,90500.0,89300.0,90100.0,143451 454 | 2012-03-06,89900.0,91000.0,88600.0,88900.0,161724 455 | 2012-03-07,88300.0,93000.0,87700.0,90100.0,267125 456 | 2012-03-08,90300.0,91700.0,90000.0,90800.0,296960 457 | 2012-03-09,91800.0,91800.0,90500.0,91400.0,150253 458 | 2012-03-12,90500.0,91400.0,89600.0,90500.0,180742 459 | 2012-03-13,91100.0,92200.0,91100.0,91600.0,244685 460 | 2012-03-14,92400.0,93200.0,92100.0,92100.0,356259 461 | 2012-03-15,92000.0,93800.0,92000.0,93700.0,279652 462 | 2012-03-16,94000.0,97000.0,94000.0,96000.0,948869 463 | 2012-03-19,96900.0,99400.0,96500.0,99400.0,706913 464 | 2012-03-20,99300.0,99700.0,98000.0,98500.0,375590 465 | 2012-03-21,98000.0,99200.0,97300.0,98200.0,262875 466 | 2012-03-22,98200.0,101000.0,98200.0,100500.0,502911 467 | 2012-03-23,100000.0,100500.0,98400.0,99000.0,248873 468 | 2012-03-26,99900.0,100500.0,98500.0,98600.0,178720 469 | 2012-03-27,100000.0,100500.0,99400.0,99400.0,242051 470 | 2012-03-28,99900.0,100500.0,99000.0,99100.0,189102 471 | 2012-03-29,98900.0,99900.0,97400.0,99000.0,232158 472 | 2012-03-30,99800.0,99800.0,98000.0,99000.0,207159 473 | 2012-04-02,98500.0,99100.0,98000.0,98200.0,125258 474 | 2012-04-03,97700.0,98300.0,96300.0,96300.0,279153 475 | 2012-04-04,96500.0,97000.0,94200.0,97000.0,259100 476 | 2012-04-05,97000.0,97000.0,95000.0,95700.0,128239 477 | 2012-04-06,95000.0,95700.0,93200.0,94800.0,184795 478 | 2012-04-09,94500.0,94500.0,91800.0,92500.0,201633 479 | 2012-04-10,92000.0,94200.0,91900.0,93800.0,193550 480 | 2012-04-12,93400.0,94400.0,93000.0,94000.0,154066 481 | 2012-04-13,94000.0,94800.0,93200.0,94500.0,119829 482 | 2012-04-16,94400.0,94400.0,92200.0,93500.0,107100 483 | 2012-04-17,94100.0,94100.0,92600.0,93000.0,114079 484 | 2012-04-18,93400.0,94000.0,92500.0,92600.0,127448 485 | 2012-04-19,92600.0,95500.0,92600.0,94500.0,233633 486 | 2012-04-20,94500.0,97400.0,94500.0,97000.0,285246 487 | 2012-04-23,98000.0,98300.0,96200.0,97500.0,214446 488 | 2012-04-24,100000.0,102000.0,99600.0,100500.0,1410442 489 | 2012-04-25,101000.0,101000.0,99500.0,99700.0,282765 490 | 2012-04-26,99700.0,99700.0,97800.0,99100.0,232545 491 | 2012-04-27,99500.0,100000.0,98600.0,99700.0,309543 492 | 2012-04-30,100000.0,100000.0,99100.0,100000.0,204048 493 | 2012-05-02,100000.0,100500.0,99100.0,99500.0,282647 494 | 2012-05-03,99600.0,99900.0,97800.0,98600.0,196228 495 | 2012-05-04,99300.0,99300.0,96900.0,97600.0,170146 496 | 2012-05-07,97000.0,97000.0,95500.0,96700.0,138770 497 | 2012-05-08,96700.0,98100.0,96400.0,97600.0,155629 498 | 2012-05-09,97600.0,98500.0,97300.0,98500.0,173504 499 | 2012-05-10,98500.0,98500.0,96600.0,96600.0,177732 500 | 2012-05-11,96200.0,98500.0,95300.0,97800.0,245306 501 | 2012-05-14,96900.0,98800.0,96300.0,98300.0,334175 502 | 2012-05-15,98000.0,98700.0,96300.0,96300.0,247502 503 | 2012-05-16,96300.0,98100.0,95100.0,97000.0,407320 504 | 2012-05-17,96000.0,98000.0,95100.0,95700.0,334874 505 | 2012-05-18,95400.0,96700.0,94800.0,95100.0,478128 506 | 2012-05-21,95200.0,96000.0,94500.0,95300.0,279096 507 | 2012-05-22,97400.0,97400.0,95200.0,96100.0,371162 508 | 2012-05-23,95500.0,95900.0,94700.0,95500.0,286116 509 | 2012-05-24,96000.0,96000.0,94400.0,95500.0,156097 510 | 2012-05-25,94800.0,96700.0,94200.0,95800.0,263818 511 | 2012-05-29,95500.0,96100.0,95200.0,95500.0,182798 512 | 2012-05-30,95100.0,95500.0,93200.0,93900.0,249460 513 | 2012-05-31,93900.0,98300.0,92600.0,97600.0,995509 514 | 2012-06-01,96600.0,98500.0,96000.0,98100.0,269908 515 | 2012-06-04,96000.0,98000.0,95600.0,97000.0,523251 516 | 2012-06-05,97900.0,98500.0,97100.0,97700.0,199565 517 | 2012-06-07,97600.0,98000.0,95700.0,96200.0,328362 518 | 2012-06-08,95400.0,96700.0,95300.0,96700.0,116475 519 | 2012-06-11,96200.0,97500.0,95300.0,96000.0,182469 520 | 2012-06-12,95500.0,96500.0,95000.0,96100.0,115414 521 | 2012-06-13,96100.0,96500.0,95200.0,95900.0,204321 522 | 2012-06-14,95500.0,96600.0,95000.0,96500.0,347959 523 | 2012-06-15,95600.0,96300.0,95000.0,95700.0,204665 524 | 2012-06-18,96000.0,96800.0,94900.0,95500.0,227412 525 | 2012-06-19,95400.0,96100.0,94800.0,96100.0,127750 526 | 2012-06-20,96300.0,96700.0,95300.0,96100.0,158818 527 | 2012-06-21,96000.0,96200.0,95300.0,96200.0,138562 528 | 2012-06-22,96100.0,96100.0,94800.0,94800.0,181696 529 | 2012-06-25,94200.0,94700.0,93400.0,94500.0,187608 530 | 2012-06-26,93700.0,93900.0,92700.0,93500.0,195553 531 | 2012-06-27,92800.0,93400.0,92200.0,92700.0,198861 532 | 2012-06-28,92000.0,92700.0,90500.0,91400.0,278987 533 | 2012-06-29,90500.0,93500.0,90400.0,93100.0,223570 534 | 2012-07-02,92300.0,93000.0,92000.0,92500.0,183719 535 | 2012-07-03,92700.0,93300.0,92500.0,92800.0,186883 536 | 2012-07-04,92100.0,92500.0,91500.0,92300.0,225951 537 | 2012-07-05,91800.0,94200.0,91800.0,93300.0,189910 538 | 2012-07-06,92700.0,94100.0,92700.0,92800.0,104936 539 | 2012-07-09,93600.0,93800.0,92900.0,93500.0,150080 540 | 2012-07-10,93200.0,94500.0,92900.0,93600.0,161549 541 | 2012-07-11,93100.0,94600.0,93000.0,94600.0,139233 542 | 2012-07-12,94600.0,94700.0,92100.0,92100.0,267038 543 | 2012-07-13,93700.0,94200.0,92200.0,93000.0,180979 544 | 2012-07-16,92500.0,94000.0,91900.0,93300.0,117013 545 | 2012-07-17,93200.0,94000.0,92300.0,93300.0,106057 546 | 2012-07-18,92700.0,93900.0,91900.0,93300.0,149620 547 | 2012-07-19,94100.0,94300.0,93200.0,93900.0,156415 548 | 2012-07-20,93400.0,94000.0,92100.0,92900.0,197861 549 | 2012-07-23,92600.0,92700.0,90900.0,91900.0,126902 550 | 2012-07-24,92100.0,92800.0,91100.0,91500.0,113065 551 | 2012-07-25,90300.0,91000.0,89600.0,91000.0,95689 552 | 2012-07-26,90200.0,91100.0,89500.0,91100.0,117546 553 | 2012-07-27,92500.0,93000.0,91600.0,93000.0,117663 554 | 2012-07-30,93600.0,93700.0,91900.0,93000.0,80392 555 | 2012-07-31,93100.0,94400.0,91700.0,92800.0,209975 556 | 2012-08-01,92900.0,94600.0,92900.0,93900.0,179698 557 | 2012-08-02,94600.0,95000.0,93600.0,94000.0,126570 558 | 2012-08-03,93500.0,94500.0,93000.0,94000.0,103991 559 | 2012-08-06,94200.0,95000.0,92600.0,93300.0,142441 560 | 2012-08-07,92700.0,93300.0,92200.0,92300.0,94792 561 | 2012-08-08,92400.0,94900.0,92400.0,93900.0,218677 562 | 2012-08-09,93400.0,97000.0,93400.0,96000.0,420066 563 | 2012-08-10,96000.0,97100.0,95300.0,96200.0,169777 564 | 2012-08-13,95400.0,97400.0,95400.0,97000.0,118572 565 | 2012-08-14,97800.0,98000.0,96900.0,97500.0,176539 566 | 2012-08-16,96500.0,97900.0,96500.0,97900.0,121280 567 | 2012-08-17,97300.0,98400.0,96100.0,97100.0,142678 568 | 2012-08-20,98000.0,98200.0,97200.0,97200.0,109697 569 | 2012-08-21,97700.0,97900.0,96500.0,97000.0,115236 570 | 2012-08-22,97300.0,97400.0,95600.0,97000.0,137966 571 | 2012-08-23,97500.0,97900.0,97000.0,97700.0,92985 572 | 2012-08-24,96800.0,97700.0,96100.0,96100.0,98157 573 | 2012-08-27,96500.0,98000.0,96100.0,97800.0,189842 574 | 2012-08-28,96900.0,97900.0,96600.0,97200.0,45319 575 | 2012-08-29,97300.0,97700.0,96700.0,97400.0,62716 576 | 2012-08-30,96700.0,97500.0,95200.0,96300.0,100643 577 | 2012-08-31,96000.0,96500.0,95000.0,96500.0,132489 578 | 2012-09-03,95500.0,96800.0,94500.0,95800.0,125401 579 | 2012-09-04,95000.0,95800.0,94600.0,94700.0,73069 580 | 2012-09-05,94500.0,95700.0,93500.0,94700.0,153913 581 | 2012-09-06,94300.0,95800.0,94100.0,95200.0,79734 582 | 2012-09-07,95000.0,96600.0,95000.0,96400.0,112695 583 | 2012-09-10,95600.0,96400.0,95300.0,95400.0,81226 584 | 2012-09-11,95300.0,95900.0,94000.0,94000.0,161154 585 | 2012-09-12,94600.0,97300.0,94300.0,96500.0,261944 586 | 2012-09-13,96100.0,97600.0,96100.0,96900.0,183516 587 | 2012-09-14,97900.0,98000.0,97200.0,97900.0,299156 588 | 2012-09-17,97100.0,98000.0,96100.0,96900.0,131581 589 | 2012-09-18,97200.0,97500.0,96300.0,97100.0,88517 590 | 2012-09-19,97100.0,98000.0,96300.0,97000.0,226749 591 | 2012-09-20,96600.0,97200.0,96400.0,96500.0,88393 592 | 2012-09-21,97400.0,97800.0,96900.0,97700.0,162320 593 | 2012-09-24,96700.0,97500.0,96300.0,96400.0,92988 594 | 2012-09-25,96800.0,96800.0,96000.0,96000.0,72105 595 | 2012-09-26,95700.0,96300.0,95200.0,95400.0,76334 596 | 2012-09-27,95000.0,96900.0,95000.0,96200.0,80276 597 | 2012-09-28,96100.0,96500.0,95100.0,96100.0,122345 598 | 2012-10-02,95600.0,96400.0,95500.0,96100.0,40915 599 | 2012-10-04,96900.0,96900.0,95700.0,96400.0,114255 600 | 2012-10-05,95900.0,97000.0,95800.0,95800.0,87195 601 | 2012-10-08,95600.0,96000.0,95200.0,95300.0,62733 602 | 2012-10-09,96100.0,96800.0,95800.0,96700.0,125510 603 | 2012-10-10,96100.0,96800.0,95300.0,95300.0,73846 604 | 2012-10-11,95000.0,95700.0,94000.0,94000.0,150234 605 | 2012-10-12,94200.0,95500.0,93600.0,94900.0,72468 606 | 2012-10-15,94200.0,95500.0,94100.0,94800.0,72842 607 | 2012-10-16,95200.0,95200.0,93800.0,93800.0,105641 608 | 2012-10-17,93600.0,94500.0,93600.0,93800.0,96422 609 | 2012-10-18,94000.0,94500.0,93600.0,93600.0,94566 610 | 2012-10-19,93600.0,94100.0,92700.0,92800.0,119560 611 | 2012-10-22,92300.0,93800.0,92000.0,92700.0,143666 612 | 2012-10-23,93500.0,94300.0,92600.0,92800.0,98093 613 | 2012-10-24,93400.0,95400.0,93000.0,93900.0,191549 614 | 2012-10-25,93600.0,95400.0,93500.0,94100.0,127842 615 | 2012-10-26,94300.0,95500.0,94100.0,94100.0,130895 616 | 2012-10-29,94200.0,95400.0,94100.0,94700.0,99983 617 | 2012-10-30,95400.0,95400.0,93900.0,93900.0,85246 618 | 2012-10-31,94500.0,94900.0,94000.0,94000.0,67120 619 | 2012-11-01,93700.0,95300.0,93300.0,94700.0,141269 620 | 2012-11-02,94500.0,95300.0,94000.0,94000.0,105262 621 | 2012-11-05,94700.0,94900.0,93400.0,93500.0,78100 622 | 2012-11-06,93400.0,94000.0,93000.0,93900.0,90374 623 | 2012-11-07,93900.0,93900.0,92200.0,93000.0,161851 624 | 2012-11-08,92500.0,93000.0,92100.0,92100.0,158243 625 | 2012-11-09,91700.0,92800.0,91100.0,92300.0,131010 626 | 2012-11-12,93400.0,93400.0,92300.0,92600.0,100440 627 | 2012-11-13,93300.0,93300.0,92000.0,93000.0,84552 628 | 2012-11-14,93000.0,93400.0,92400.0,93400.0,85646 629 | 2012-11-15,93200.0,93500.0,92100.0,93500.0,98652 630 | 2012-11-16,92500.0,93300.0,92200.0,92500.0,89666 631 | 2012-11-19,93000.0,93900.0,92300.0,93300.0,81929 632 | 2012-11-20,92900.0,93500.0,92600.0,93300.0,60341 633 | 2012-11-21,93500.0,93700.0,92400.0,93300.0,78099 634 | 2012-11-22,93800.0,93800.0,92500.0,93000.0,76611 635 | 2012-11-23,92600.0,93300.0,92300.0,92500.0,68648 636 | 2012-11-26,92300.0,92900.0,92200.0,92900.0,55795 637 | 2012-11-27,93000.0,93400.0,92500.0,92500.0,83007 638 | 2012-11-28,93100.0,93100.0,92100.0,92400.0,67388 639 | 2012-11-29,92500.0,93000.0,92400.0,92600.0,90154 640 | 2012-11-30,92400.0,93000.0,92300.0,93000.0,166821 641 | 2012-12-03,93200.0,93300.0,92100.0,92100.0,89337 642 | 2012-12-04,92200.0,93200.0,92100.0,93200.0,101570 643 | 2012-12-05,93100.0,93800.0,92600.0,92700.0,96968 644 | 2012-12-06,92900.0,93000.0,92200.0,92800.0,112560 645 | 2012-12-07,92800.0,93200.0,92300.0,92300.0,127131 646 | 2012-12-10,92200.0,92600.0,92200.0,92500.0,109427 647 | 2012-12-11,92300.0,92700.0,91900.0,92000.0,148257 648 | 2012-12-12,92000.0,93800.0,92000.0,93800.0,173167 649 | 2012-12-13,93000.0,95200.0,93000.0,95200.0,379914 650 | 2012-12-14,94800.0,95500.0,94100.0,95400.0,120047 651 | 2012-12-17,95700.0,96300.0,95400.0,95600.0,129102 652 | 2012-12-18,96000.0,96400.0,95200.0,96000.0,161793 653 | 2012-12-20,97000.0,97000.0,95800.0,96900.0,151374 654 | 2012-12-21,97400.0,97500.0,96600.0,96600.0,186817 655 | 2012-12-24,97200.0,97500.0,96000.0,96100.0,110622 656 | 2012-12-26,97100.0,97500.0,96200.0,96400.0,131668 657 | 2012-12-27,96400.0,96500.0,95100.0,95800.0,90256 658 | 2012-12-28,95000.0,95800.0,94100.0,94300.0,107669 659 | 2013-01-02,94900.0,95900.0,94100.0,95600.0,118115 660 | 2013-01-03,96300.0,97100.0,95900.0,96500.0,180328 661 | 2013-01-04,96500.0,97500.0,96000.0,97500.0,227475 662 | 2013-01-07,97500.0,97800.0,96600.0,97200.0,130588 663 | 2013-01-08,96900.0,97500.0,96400.0,96800.0,99570 664 | 2013-01-09,96200.0,97600.0,96200.0,97500.0,122376 665 | 2013-01-10,96600.0,97700.0,96500.0,97300.0,157303 666 | 2013-01-11,96800.0,97000.0,95400.0,96100.0,137614 667 | 2013-01-14,95500.0,97900.0,95400.0,97900.0,209799 668 | 2013-01-15,97300.0,99600.0,97300.0,98800.0,426550 669 | 2013-01-16,99300.0,100000.0,98500.0,99900.0,388584 670 | 2013-01-17,99400.0,101500.0,99400.0,101000.0,361531 671 | 2013-01-18,101000.0,107000.0,100500.0,106500.0,852151 672 | 2013-01-21,107500.0,109500.0,106500.0,108500.0,497863 673 | 2013-01-22,109000.0,109500.0,106000.0,106000.0,282592 674 | 2013-01-23,106500.0,109500.0,105000.0,107000.0,304747 675 | 2013-01-24,106500.0,107500.0,105000.0,106000.0,218659 676 | 2013-01-25,107000.0,109000.0,106000.0,108500.0,329045 677 | 2013-01-28,108500.0,110000.0,108000.0,110000.0,377454 678 | 2013-01-29,109000.0,109000.0,105000.0,106000.0,272300 679 | 2013-01-30,106500.0,108000.0,105500.0,107000.0,241286 680 | 2013-01-31,106500.0,107500.0,105000.0,105000.0,319328 681 | 2013-02-01,105000.0,108500.0,105000.0,108000.0,288779 682 | 2013-02-04,109000.0,109500.0,106500.0,106500.0,220302 683 | 2013-02-05,106000.0,108500.0,105500.0,107500.0,197509 684 | 2013-02-06,108000.0,109000.0,107000.0,107500.0,122583 685 | 2013-02-07,107000.0,108000.0,106500.0,107500.0,155090 686 | 2013-02-08,107500.0,108000.0,104500.0,104500.0,194819 687 | 2013-02-12,104500.0,104500.0,102000.0,102000.0,181581 688 | 2013-02-13,103000.0,107000.0,102500.0,107000.0,172333 689 | 2013-02-14,107000.0,107500.0,105500.0,105500.0,103750 690 | 2013-02-15,106000.0,107500.0,105500.0,107500.0,145056 691 | 2013-02-18,108000.0,108000.0,106500.0,107500.0,66988 692 | 2013-02-19,107500.0,107500.0,105500.0,107000.0,100668 693 | 2013-02-20,107500.0,107500.0,105500.0,106500.0,221305 694 | 2013-02-21,106500.0,106500.0,103500.0,104500.0,228244 695 | 2013-02-22,104500.0,108000.0,104000.0,107500.0,215990 696 | 2013-02-25,106500.0,108000.0,105500.0,106500.0,126504 697 | 2013-02-26,105500.0,106000.0,103000.0,103000.0,214345 698 | 2013-02-27,103500.0,104000.0,102000.0,102500.0,166333 699 | 2013-02-28,103500.0,105000.0,102500.0,104000.0,279574 700 | 2013-03-04,103500.0,105500.0,103500.0,105000.0,115421 701 | 2013-03-05,105000.0,106000.0,104000.0,104000.0,74787 702 | 2013-03-06,104000.0,106000.0,104000.0,105500.0,118912 703 | 2013-03-07,106500.0,106500.0,104500.0,104500.0,111638 704 | 2013-03-08,104500.0,105500.0,104000.0,105500.0,84434 705 | 2013-03-11,105500.0,105500.0,103500.0,105500.0,136041 706 | 2013-03-12,105500.0,105500.0,104500.0,105000.0,94209 707 | 2013-03-13,104000.0,105000.0,103000.0,103500.0,160348 708 | 2013-03-14,103500.0,104000.0,100500.0,101500.0,352785 709 | 2013-03-15,102000.0,102000.0,100500.0,101500.0,228011 710 | 2013-03-18,101000.0,102000.0,100500.0,101000.0,136116 711 | 2013-03-19,101000.0,103000.0,101000.0,101000.0,110315 712 | 2013-03-20,101000.0,104000.0,100500.0,102000.0,176910 713 | 2013-03-21,103000.0,103500.0,100500.0,102000.0,145437 714 | 2013-03-22,101000.0,102000.0,100000.0,100000.0,169128 715 | 2013-03-25,101000.0,101500.0,100500.0,101500.0,96986 716 | 2013-03-26,101500.0,102000.0,101000.0,101000.0,107126 717 | 2013-03-27,101500.0,104500.0,101500.0,104500.0,240612 718 | 2013-03-28,103500.0,104000.0,103000.0,104000.0,138098 719 | 2013-03-29,105000.0,105000.0,104000.0,104500.0,144679 720 | 2013-04-01,104000.0,104000.0,102000.0,103000.0,95656 721 | 2013-04-02,102500.0,103500.0,102000.0,103500.0,76446 722 | 2013-04-03,104500.0,104500.0,103000.0,103000.0,125226 723 | 2013-04-04,103500.0,103500.0,101000.0,102000.0,148549 724 | 2013-04-05,101500.0,102500.0,99300.0,100000.0,194162 725 | 2013-04-08,100500.0,100500.0,98400.0,99100.0,143738 726 | 2013-04-09,99100.0,99900.0,96800.0,96800.0,169413 727 | 2013-04-10,98600.0,102000.0,97200.0,101500.0,145653 728 | 2013-04-11,102000.0,104500.0,101500.0,104000.0,214190 729 | 2013-04-12,103500.0,105000.0,101000.0,101500.0,167395 730 | 2013-04-15,101500.0,104500.0,101000.0,103500.0,151915 731 | 2013-04-16,104000.0,105500.0,103500.0,104000.0,243536 732 | 2013-04-17,104000.0,105000.0,103000.0,104500.0,181798 733 | 2013-04-18,103500.0,105000.0,103000.0,103500.0,130458 734 | 2013-04-19,104000.0,105000.0,103500.0,105000.0,98269 735 | 2013-04-22,103500.0,105000.0,103000.0,105000.0,84493 736 | 2013-04-23,104000.0,105000.0,102000.0,102500.0,152182 737 | 2013-04-24,105500.0,106500.0,104000.0,106000.0,501244 738 | 2013-04-25,106500.0,107000.0,105500.0,106500.0,217194 739 | 2013-04-26,106000.0,107000.0,106000.0,106500.0,148713 740 | 2013-04-29,107000.0,107500.0,106000.0,107500.0,160438 741 | 2013-04-30,107500.0,108500.0,107000.0,108500.0,280227 742 | 2013-05-02,107500.0,108500.0,106500.0,108500.0,183688 743 | 2013-05-03,108500.0,108500.0,106500.0,107000.0,167086 744 | 2013-05-06,107500.0,108000.0,106000.0,106500.0,142977 745 | 2013-05-07,106500.0,107000.0,105500.0,106500.0,94136 746 | 2013-05-08,106000.0,107000.0,105500.0,106000.0,110448 747 | 2013-05-09,105500.0,107500.0,105000.0,105500.0,201484 748 | 2013-05-10,106000.0,107000.0,105000.0,105000.0,140229 749 | 2013-05-13,105000.0,106500.0,104500.0,106500.0,117687 750 | 2013-05-14,106000.0,107000.0,105500.0,105500.0,197454 751 | 2013-05-15,106500.0,106500.0,105000.0,105000.0,165111 752 | 2013-05-16,105000.0,107500.0,105000.0,107500.0,277445 753 | 2013-05-20,107500.0,107500.0,105000.0,105000.0,225216 754 | 2013-05-21,105500.0,106000.0,104000.0,104500.0,132752 755 | 2013-05-22,105000.0,105500.0,103500.0,105000.0,195553 756 | 2013-05-23,104000.0,104500.0,103000.0,104000.0,146969 757 | 2013-05-24,104500.0,105500.0,103500.0,105500.0,157683 758 | 2013-05-27,105500.0,106500.0,105000.0,105500.0,89844 759 | 2013-05-28,106000.0,106000.0,104500.0,105000.0,110512 760 | 2013-05-29,104500.0,106000.0,104500.0,106000.0,151876 761 | 2013-05-30,106000.0,106500.0,105000.0,105000.0,102809 762 | 2013-05-31,105500.0,106500.0,105000.0,105500.0,209580 763 | 2013-06-03,105500.0,106500.0,104000.0,106000.0,185446 764 | 2013-06-04,106500.0,109000.0,106000.0,108500.0,601756 765 | 2013-06-05,108500.0,110000.0,108000.0,109500.0,828427 766 | 2013-06-07,109500.0,110000.0,107000.0,108500.0,320317 767 | 2013-06-10,108500.0,109000.0,107000.0,109000.0,163236 768 | 2013-06-11,108000.0,108500.0,106000.0,106500.0,172966 769 | 2013-06-12,106500.0,107500.0,106000.0,107000.0,88966 770 | 2013-06-13,106500.0,107000.0,102500.0,102500.0,298873 771 | 2013-06-14,103000.0,105500.0,103000.0,105000.0,218998 772 | 2013-06-17,105000.0,109000.0,105000.0,108500.0,316473 773 | 2013-06-18,109500.0,109500.0,108000.0,108500.0,195048 774 | 2013-06-19,108500.0,109000.0,106500.0,109000.0,152416 775 | 2013-06-20,109000.0,109500.0,107000.0,107500.0,171049 776 | 2013-06-21,107500.0,109500.0,105000.0,108500.0,523216 777 | 2013-06-24,108000.0,108500.0,105500.0,105500.0,208608 778 | 2013-06-25,106000.0,108000.0,103500.0,106500.0,327074 779 | 2013-06-26,107000.0,108500.0,105000.0,105000.0,255388 780 | 2013-06-27,106000.0,106500.0,105000.0,105000.0,226241 781 | 2013-06-28,105000.0,109000.0,105000.0,108000.0,286074 782 | 2013-07-01,108000.0,109000.0,107500.0,107500.0,194974 783 | 2013-07-02,107500.0,109500.0,107000.0,109000.0,210827 784 | 2013-07-03,108500.0,109500.0,107500.0,108000.0,219365 785 | 2013-07-04,108500.0,109000.0,107000.0,107500.0,138586 786 | 2013-07-05,108500.0,108500.0,105000.0,105500.0,197424 787 | 2013-07-08,106000.0,107500.0,105000.0,107000.0,182981 788 | 2013-07-09,107500.0,108500.0,107000.0,108500.0,164106 789 | 2013-07-10,108000.0,109500.0,107500.0,109500.0,265300 790 | 2013-07-11,109500.0,110000.0,108000.0,110000.0,284467 791 | 2013-07-12,109000.0,109500.0,107500.0,108500.0,202516 792 | 2013-07-15,108000.0,108500.0,105500.0,106000.0,216592 793 | 2013-07-16,106500.0,108000.0,106000.0,106000.0,202067 794 | 2013-07-17,107000.0,108000.0,106500.0,108000.0,182359 795 | 2013-07-18,107500.0,108000.0,106500.0,107000.0,164766 796 | 2013-07-19,106500.0,107000.0,105500.0,106000.0,213973 797 | 2013-07-22,106500.0,107500.0,105500.0,105500.0,240122 798 | 2013-07-23,106000.0,106500.0,104500.0,105000.0,213810 799 | 2013-07-24,105000.0,105000.0,103500.0,104500.0,174210 800 | 2013-07-25,104000.0,105000.0,103500.0,104500.0,121858 801 | 2013-07-26,104500.0,106000.0,104000.0,106000.0,93660 802 | 2013-07-29,106000.0,107000.0,105000.0,107000.0,122817 803 | 2013-07-30,107000.0,107000.0,106000.0,106500.0,45402 804 | 2013-07-31,106500.0,107500.0,105000.0,107500.0,128220 805 | 2013-08-01,107000.0,108000.0,106500.0,107500.0,72172 806 | 2013-08-02,107500.0,108000.0,106000.0,106000.0,104421 807 | 2013-08-05,106000.0,107000.0,105500.0,106000.0,40207 808 | 2013-08-06,106000.0,106500.0,105500.0,106500.0,96003 809 | 2013-08-07,105500.0,107000.0,105500.0,105500.0,109405 810 | 2013-08-08,106000.0,106500.0,105000.0,105500.0,83912 811 | 2013-08-09,105500.0,105500.0,104500.0,104500.0,95800 812 | 2013-08-12,104500.0,105000.0,103000.0,103000.0,148196 813 | 2013-08-13,103500.0,105000.0,103000.0,105000.0,114278 814 | 2013-08-14,105000.0,105500.0,104000.0,105000.0,156534 815 | 2013-08-16,104500.0,105000.0,103500.0,104000.0,118232 816 | 2013-08-19,104000.0,105000.0,103500.0,103500.0,95979 817 | 2013-08-20,103500.0,105000.0,103500.0,104000.0,140112 818 | 2013-08-21,104500.0,108500.0,104000.0,105500.0,461415 819 | 2013-08-22,105500.0,107000.0,103000.0,103000.0,251712 820 | 2013-08-23,103000.0,103500.0,102500.0,102500.0,208156 821 | 2013-08-26,102500.0,103500.0,102500.0,102500.0,99899 822 | 2013-08-27,102500.0,103500.0,102000.0,102500.0,131494 823 | 2013-08-28,102000.0,102500.0,101500.0,102500.0,116360 824 | 2013-08-29,103000.0,105500.0,103000.0,105500.0,187695 825 | 2013-08-30,105500.0,106000.0,105000.0,106000.0,131374 826 | 2013-09-02,105500.0,106500.0,104500.0,104500.0,120069 827 | 2013-09-03,105000.0,106000.0,104500.0,105500.0,76869 828 | 2013-09-04,101500.0,101500.0,100000.0,100000.0,923672 829 | 2013-09-05,101000.0,102000.0,100500.0,102000.0,656953 830 | 2013-09-06,101500.0,102000.0,101000.0,101500.0,180425 831 | 2013-09-09,101500.0,102500.0,101500.0,102500.0,291165 832 | 2013-09-10,102500.0,102500.0,101000.0,101500.0,298044 833 | 2013-09-11,101500.0,102000.0,100500.0,101500.0,322548 834 | 2013-09-12,101500.0,103000.0,101000.0,102500.0,344848 835 | 2013-09-13,102000.0,103500.0,102000.0,102500.0,197651 836 | 2013-09-16,103500.0,103500.0,102500.0,103000.0,168187 837 | 2013-09-17,103000.0,103500.0,102500.0,103000.0,175468 838 | 2013-09-23,104500.0,105000.0,103500.0,105000.0,321399 839 | 2013-09-24,104500.0,105000.0,103000.0,103500.0,192470 840 | 2013-09-25,103500.0,104000.0,102500.0,103000.0,209691 841 | 2013-09-26,103000.0,104500.0,102500.0,103500.0,116383 842 | 2013-09-27,104000.0,104000.0,102500.0,102500.0,177261 843 | 2013-09-30,103000.0,106000.0,102500.0,104500.0,464348 844 | 2013-10-01,104500.0,107000.0,104500.0,105000.0,255021 845 | 2013-10-02,106000.0,106500.0,105000.0,106000.0,142696 846 | 2013-10-04,106000.0,106500.0,105000.0,105000.0,123374 847 | 2013-10-07,105000.0,105500.0,104000.0,104500.0,113673 848 | 2013-10-08,104500.0,106500.0,104000.0,106500.0,173050 849 | 2013-10-10,105500.0,106000.0,103500.0,103500.0,266464 850 | 2013-10-11,103500.0,104500.0,102500.0,104000.0,284780 851 | 2013-10-14,103500.0,104000.0,102500.0,102500.0,140873 852 | 2013-10-15,103000.0,104000.0,102500.0,104000.0,177609 853 | 2013-10-16,104000.0,104000.0,103000.0,104000.0,147279 854 | 2013-10-17,104500.0,105500.0,103500.0,104000.0,192036 855 | 2013-10-18,104500.0,105000.0,103500.0,104000.0,100096 856 | 2013-10-21,104000.0,104500.0,103500.0,104500.0,94278 857 | 2013-10-22,105000.0,105500.0,104500.0,105500.0,179328 858 | 2013-10-23,105500.0,106000.0,104000.0,105500.0,237423 859 | 2013-10-24,105000.0,105500.0,104000.0,105000.0,124815 860 | 2013-10-25,104500.0,105000.0,103500.0,105000.0,133799 861 | 2013-10-28,105500.0,106000.0,105000.0,105500.0,99237 862 | 2013-10-29,105000.0,105500.0,104500.0,105500.0,103538 863 | 2013-10-30,105500.0,105500.0,104500.0,105500.0,104515 864 | 2013-10-31,105000.0,106000.0,104500.0,104500.0,144022 865 | 2013-11-01,104500.0,105000.0,104000.0,104500.0,33953 866 | 2013-11-04,104000.0,104500.0,103500.0,103500.0,120555 867 | 2013-11-05,103000.0,104000.0,102500.0,102500.0,106068 868 | 2013-11-06,102500.0,104500.0,102500.0,104500.0,135531 869 | 2013-11-07,103500.0,104500.0,103500.0,104000.0,134870 870 | 2013-11-08,104000.0,104000.0,102500.0,102500.0,139871 871 | 2013-11-11,102500.0,103500.0,101500.0,101500.0,152168 872 | 2013-11-12,102500.0,102500.0,101500.0,102000.0,89128 873 | 2013-11-13,101500.0,102500.0,100500.0,100500.0,161964 874 | 2013-11-14,100500.0,102000.0,100500.0,100500.0,177686 875 | 2013-11-15,100500.0,102500.0,100500.0,101500.0,83108 876 | 2013-11-18,102500.0,102500.0,101000.0,101000.0,68314 877 | 2013-11-19,101000.0,102000.0,101000.0,102000.0,140169 878 | 2013-11-20,102000.0,102500.0,101000.0,102000.0,157940 879 | 2013-11-21,102000.0,102000.0,101000.0,101000.0,96315 880 | 2013-11-22,101000.0,102000.0,101000.0,101000.0,79093 881 | 2013-11-25,101500.0,102500.0,101000.0,101500.0,69977 882 | 2013-11-26,101000.0,102000.0,101000.0,101000.0,110259 883 | 2013-11-27,101000.0,102000.0,100500.0,102000.0,125767 884 | 2013-11-28,101500.0,102500.0,101500.0,102000.0,147676 885 | 2013-11-29,101500.0,102500.0,101500.0,102000.0,97577 886 | 2013-12-02,102000.0,102000.0,101000.0,102000.0,65356 887 | 2013-12-03,102000.0,102000.0,101000.0,101000.0,113481 888 | 2013-12-04,101000.0,101500.0,100500.0,100500.0,121455 889 | 2013-12-05,100500.0,101000.0,98300.0,99100.0,272509 890 | 2013-12-06,98500.0,98900.0,97400.0,97400.0,173432 891 | 2013-12-09,98700.0,99300.0,98100.0,99300.0,72124 892 | 2013-12-10,99800.0,99800.0,98600.0,99100.0,80870 893 | 2013-12-11,98300.0,98900.0,97500.0,97500.0,138004 894 | 2013-12-12,97100.0,97500.0,96000.0,96100.0,159992 895 | 2013-12-13,96700.0,97600.0,95600.0,97000.0,81323 896 | 2013-12-16,97700.0,101000.0,97400.0,98900.0,158775 897 | 2013-12-17,100500.0,100500.0,99900.0,100500.0,120447 898 | 2013-12-18,100500.0,102000.0,100500.0,102000.0,152175 899 | 2013-12-19,102500.0,103000.0,101000.0,101500.0,177592 900 | 2013-12-20,101000.0,102500.0,101000.0,102000.0,150102 901 | 2013-12-23,102000.0,104500.0,101500.0,102500.0,325314 902 | 2013-12-24,103000.0,104500.0,102000.0,104500.0,255844 903 | 2013-12-26,105000.0,105000.0,104000.0,104500.0,205015 904 | 2013-12-27,103500.0,104000.0,102000.0,103000.0,180567 905 | 2013-12-30,103000.0,104000.0,103000.0,104000.0,124415 906 | 2014-01-02,104500.0,104500.0,101000.0,101500.0,162654 907 | 2014-01-03,101500.0,102000.0,100500.0,100500.0,155015 908 | 2014-01-06,101000.0,102000.0,100500.0,101500.0,107037 909 | 2014-01-07,102000.0,102500.0,101000.0,101500.0,149419 910 | 2014-01-08,101500.0,102000.0,101000.0,101000.0,91389 911 | 2014-01-09,101000.0,101500.0,100000.0,100000.0,165565 912 | 2014-01-10,100500.0,101000.0,98500.0,98500.0,232243 913 | 2014-01-13,98600.0,101000.0,98600.0,100500.0,97289 914 | 2014-01-14,100000.0,101000.0,98800.0,99400.0,164241 915 | 2014-01-15,99000.0,100500.0,98700.0,100500.0,113244 916 | 2014-01-16,100500.0,101000.0,100000.0,100000.0,105277 917 | 2014-01-17,100000.0,100500.0,99600.0,99600.0,72352 918 | 2014-01-20,99300.0,101000.0,99000.0,101000.0,97973 919 | 2014-01-21,100500.0,101500.0,100000.0,101500.0,102748 920 | 2014-01-22,101500.0,102000.0,101000.0,102000.0,156880 921 | 2014-01-23,102000.0,102000.0,101000.0,101500.0,112102 922 | 2014-01-24,101500.0,101500.0,100000.0,101500.0,168252 923 | 2014-01-27,100000.0,100500.0,98500.0,99700.0,167892 924 | 2014-01-28,100000.0,100500.0,99300.0,99500.0,152013 925 | 2014-01-29,103000.0,104000.0,102000.0,103500.0,423281 926 | 2014-02-03,103500.0,104000.0,102500.0,103000.0,155352 927 | 2014-02-04,103000.0,103000.0,100500.0,101000.0,156862 928 | 2014-02-05,101500.0,102500.0,100500.0,101000.0,89975 929 | 2014-02-06,101000.0,101500.0,100000.0,100500.0,96340 930 | 2014-02-07,101500.0,101500.0,100500.0,101500.0,64514 931 | 2014-02-10,101500.0,102000.0,101000.0,101000.0,62198 932 | 2014-02-11,101000.0,102500.0,100500.0,101500.0,184027 933 | 2014-02-12,101500.0,102500.0,101500.0,101500.0,244327 934 | 2014-02-13,101500.0,102000.0,100500.0,100500.0,262597 935 | 2014-02-14,100500.0,102000.0,100500.0,102000.0,177884 936 | 2014-02-17,103000.0,103000.0,101500.0,101500.0,174321 937 | 2014-02-18,101500.0,102500.0,100000.0,100500.0,158057 938 | 2014-02-19,100000.0,101500.0,100000.0,101000.0,172480 939 | 2014-02-20,100500.0,101500.0,100000.0,101000.0,187071 940 | 2014-02-21,101500.0,101500.0,100500.0,101500.0,207663 941 | 2014-02-24,101000.0,102000.0,100000.0,100500.0,214234 942 | 2014-02-25,100500.0,102000.0,100500.0,101500.0,138163 943 | 2014-02-26,101000.0,102000.0,101000.0,101500.0,155739 944 | 2014-02-27,101500.0,102000.0,101000.0,101500.0,133777 945 | 2014-02-28,101500.0,102000.0,100500.0,101000.0,194406 946 | 2014-03-03,101000.0,101500.0,99800.0,100000.0,184801 947 | 2014-03-04,100000.0,101500.0,99900.0,101500.0,169890 948 | 2014-03-05,101500.0,102000.0,101000.0,102000.0,142478 949 | 2014-03-06,102000.0,102000.0,101000.0,101000.0,81211 950 | 2014-03-07,101500.0,101500.0,100000.0,100000.0,126827 951 | 2014-03-10,100000.0,100500.0,98100.0,98100.0,186311 952 | 2014-03-11,98500.0,99700.0,97500.0,99300.0,133401 953 | 2014-03-12,98800.0,99400.0,97500.0,97600.0,165810 954 | 2014-03-13,97800.0,100000.0,97800.0,99800.0,240578 955 | 2014-03-14,99500.0,100500.0,97000.0,97000.0,295602 956 | 2014-03-17,97300.0,99000.0,97000.0,98900.0,114011 957 | 2014-03-18,98900.0,99300.0,98100.0,98200.0,130838 958 | 2014-03-19,98200.0,98900.0,98100.0,98100.0,117021 959 | 2014-03-20,98700.0,98700.0,97100.0,98600.0,133696 960 | 2014-03-21,98400.0,100000.0,97700.0,98200.0,176325 961 | 2014-03-24,98200.0,100000.0,98200.0,99900.0,148525 962 | 2014-03-25,99600.0,100000.0,98500.0,99900.0,205677 963 | 2014-03-26,99900.0,101000.0,99600.0,100500.0,204783 964 | 2014-03-27,100500.0,101500.0,99100.0,101500.0,191323 965 | 2014-03-28,101000.0,101000.0,100000.0,100000.0,64848 966 | 2014-03-31,101000.0,101500.0,100500.0,100500.0,147489 967 | 2014-04-01,100500.0,101000.0,99600.0,99700.0,113392 968 | 2014-04-02,99700.0,100500.0,99000.0,99000.0,114468 969 | 2014-04-03,98700.0,99200.0,98100.0,98200.0,129474 970 | 2014-04-04,98800.0,99400.0,98000.0,98200.0,170674 971 | 2014-04-07,98900.0,99500.0,98600.0,99100.0,101500 972 | 2014-04-08,99100.0,100000.0,99100.0,99700.0,123166 973 | 2014-04-09,99700.0,100500.0,99500.0,100000.0,155004 974 | 2014-04-10,100500.0,101500.0,100000.0,100500.0,204486 975 | 2014-04-11,100000.0,100500.0,99300.0,100500.0,91282 976 | 2014-04-14,100000.0,101000.0,99900.0,100500.0,50131 977 | 2014-04-15,100000.0,101500.0,100000.0,101500.0,142052 978 | 2014-04-16,100500.0,101000.0,99400.0,99900.0,117424 979 | 2014-04-17,100000.0,100500.0,99600.0,100000.0,76894 980 | 2014-04-18,100500.0,100500.0,100000.0,100500.0,77372 981 | 2014-04-21,100500.0,101000.0,99600.0,99600.0,77017 982 | 2014-04-22,99900.0,99900.0,98600.0,98900.0,132604 983 | 2014-04-23,97600.0,97700.0,96000.0,96000.0,485500 984 | 2014-04-24,96600.0,97200.0,96300.0,96400.0,451500 985 | 2014-04-25,96200.0,97200.0,95700.0,95900.0,216307 986 | 2014-04-28,95800.0,96500.0,95700.0,96000.0,178154 987 | 2014-04-29,96000.0,96600.0,95700.0,95900.0,86183 988 | 2014-04-30,95900.0,96500.0,95800.0,96100.0,217259 989 | 2014-05-02,95800.0,96400.0,94300.0,94500.0,176950 990 | 2014-05-07,95000.0,95000.0,92100.0,92100.0,250698 991 | 2014-05-08,92100.0,93900.0,90600.0,93400.0,205484 992 | 2014-05-09,92300.0,94300.0,92200.0,94000.0,181670 993 | 2014-05-12,95000.0,97800.0,94500.0,97800.0,571290 994 | 2014-05-13,98500.0,98500.0,95200.0,97200.0,209915 995 | 2014-05-14,97000.0,99900.0,96500.0,99900.0,321653 996 | 2014-05-15,99900.0,100500.0,99500.0,99800.0,166731 997 | 2014-05-16,99400.0,104000.0,99200.0,103500.0,540399 998 | 2014-05-19,103500.0,106500.0,102000.0,106000.0,560484 999 | 2014-05-20,105000.0,108500.0,105000.0,106000.0,414222 1000 | 2014-05-21,105500.0,105500.0,101000.0,102500.0,337550 1001 | 2014-05-22,102500.0,104000.0,102000.0,103500.0,150652 1002 | 2014-05-23,102500.0,103500.0,101000.0,101500.0,148019 1003 | 2014-05-26,101500.0,102500.0,101000.0,102500.0,87712 1004 | 2014-05-27,102500.0,102500.0,100000.0,100000.0,128796 1005 | 2014-05-28,100000.0,101000.0,99700.0,99900.0,150390 1006 | 2014-05-29,100500.0,101000.0,100000.0,101000.0,90520 1007 | 2014-05-30,101000.0,102000.0,99600.0,99900.0,208831 1008 | 2014-06-02,100000.0,100500.0,99100.0,99100.0,82414 1009 | 2014-06-03,101000.0,103500.0,100500.0,103000.0,391459 1010 | 2014-06-05,102500.0,102500.0,100500.0,101500.0,188204 1011 | 2014-06-09,101500.0,103000.0,100500.0,102500.0,284782 1012 | 2014-06-10,102500.0,104500.0,101500.0,104000.0,239316 1013 | 2014-06-11,104000.0,106000.0,104000.0,106000.0,319466 1014 | 2014-06-12,105500.0,107500.0,104500.0,107500.0,465883 1015 | 2014-06-13,106500.0,107000.0,104500.0,105500.0,249442 1016 | 2014-06-16,106500.0,108000.0,105500.0,108000.0,298595 1017 | 2014-06-17,108000.0,108500.0,107000.0,107500.0,205730 1018 | 2014-06-18,107000.0,107500.0,104500.0,104500.0,162271 1019 | 2014-06-19,104500.0,106000.0,104500.0,104500.0,156391 1020 | 2014-06-20,101000.0,102000.0,100000.0,101000.0,944744 1021 | 2014-06-23,101500.0,103000.0,101000.0,102000.0,284567 1022 | 2014-06-24,101000.0,102500.0,101000.0,102500.0,186667 1023 | 2014-06-25,102500.0,102500.0,101000.0,101500.0,185811 1024 | 2014-06-26,101500.0,102000.0,101000.0,101500.0,179568 1025 | 2014-06-27,101500.0,102000.0,100000.0,100500.0,152673 1026 | 2014-06-30,101000.0,102500.0,100500.0,102000.0,184562 1027 | 2014-07-01,101500.0,102000.0,101000.0,101000.0,118229 1028 | 2014-07-02,102000.0,102000.0,101000.0,102000.0,193300 1029 | 2014-07-03,102000.0,102000.0,101000.0,101500.0,112306 1030 | 2014-07-04,101500.0,102000.0,100500.0,101000.0,159085 1031 | 2014-07-07,101000.0,102000.0,100500.0,102000.0,116689 1032 | 2014-07-08,102000.0,102000.0,101000.0,101500.0,108368 1033 | 2014-07-09,101500.0,101500.0,100500.0,101000.0,122398 1034 | 2014-07-10,101000.0,101000.0,99100.0,99400.0,284083 1035 | 2014-07-11,99500.0,101000.0,99100.0,99800.0,162970 1036 | 2014-07-14,100000.0,100500.0,99800.0,100000.0,100575 1037 | 2014-07-15,100500.0,100500.0,99900.0,100000.0,163822 1038 | 2014-07-16,99800.0,100500.0,99600.0,99900.0,122527 1039 | 2014-07-17,99600.0,100000.0,98700.0,99000.0,285243 1040 | 2014-07-18,98600.0,99300.0,98600.0,99200.0,92096 1041 | 2014-07-21,98700.0,100500.0,98700.0,100000.0,89037 1042 | 2014-07-22,99500.0,100500.0,99500.0,100500.0,125992 1043 | 2014-07-23,100000.0,100500.0,99100.0,99900.0,136686 1044 | 2014-07-24,99600.0,100500.0,99300.0,99500.0,115694 1045 | 2014-07-25,99700.0,101500.0,99600.0,100500.0,212822 1046 | 2014-07-28,101000.0,103000.0,100500.0,103000.0,198146 1047 | 2014-07-29,103500.0,103500.0,101500.0,101500.0,241283 1048 | 2014-07-30,102000.0,105000.0,101500.0,103500.0,312170 1049 | 2014-07-31,105000.0,107000.0,104500.0,105000.0,540456 1050 | 2014-08-01,105500.0,106500.0,104500.0,106000.0,261295 1051 | 2014-08-04,106000.0,106500.0,103500.0,106000.0,196672 1052 | 2014-08-05,105500.0,105500.0,102500.0,104000.0,170407 1053 | 2014-08-06,104000.0,105000.0,103000.0,104500.0,118010 1054 | 2014-08-07,104000.0,104500.0,103500.0,104000.0,57464 1055 | 2014-08-08,104500.0,104500.0,101500.0,101500.0,173197 1056 | 2014-08-11,101500.0,106500.0,101500.0,104000.0,232785 1057 | 2014-08-12,104000.0,104500.0,102500.0,103000.0,131622 1058 | 2014-08-13,103500.0,105500.0,103000.0,103500.0,164125 1059 | 2014-08-14,106000.0,107500.0,105500.0,106500.0,353246 1060 | 2014-08-18,107000.0,108000.0,106500.0,107000.0,361742 1061 | 2014-08-19,107500.0,108500.0,107500.0,108500.0,282947 1062 | 2014-08-20,108500.0,108500.0,107000.0,108500.0,168940 1063 | 2014-08-21,108500.0,109000.0,106500.0,107500.0,189216 1064 | 2014-08-22,107000.0,108000.0,106500.0,107500.0,89438 1065 | 2014-08-25,107500.0,109500.0,106500.0,109000.0,232014 1066 | 2014-08-26,109500.0,109500.0,108000.0,108500.0,152657 1067 | 2014-08-27,109000.0,109500.0,108500.0,109500.0,234791 1068 | 2014-08-28,109000.0,109500.0,107500.0,108000.0,160884 1069 | 2014-08-29,107500.0,108500.0,106500.0,106500.0,261676 1070 | 2014-09-01,106500.0,108000.0,106500.0,108000.0,235144 1071 | 2014-09-02,108000.0,109000.0,107500.0,107500.0,262870 1072 | 2014-09-03,107500.0,109000.0,107500.0,109000.0,290230 1073 | 2014-09-04,109000.0,110000.0,108500.0,109500.0,464808 1074 | 2014-09-05,109000.0,110500.0,109000.0,110500.0,437959 1075 | 2014-09-11,110500.0,110500.0,107000.0,107000.0,312862 1076 | 2014-09-12,107500.0,109500.0,107000.0,109000.0,184930 1077 | 2014-09-15,108500.0,109500.0,107000.0,108500.0,149814 1078 | 2014-09-16,109500.0,109500.0,107500.0,108000.0,130637 1079 | 2014-09-17,107500.0,109500.0,106500.0,109000.0,191390 1080 | 2014-09-18,108500.0,110000.0,108500.0,110000.0,308807 1081 | 2014-09-19,110000.0,111000.0,107000.0,108500.0,1140109 1082 | 2014-09-22,108500.0,109000.0,107500.0,108000.0,93567 1083 | 2014-09-23,107500.0,108000.0,105500.0,106000.0,283924 1084 | 2014-09-24,106000.0,108500.0,106000.0,108500.0,184542 1085 | 2014-09-25,108500.0,109000.0,106000.0,107000.0,153631 1086 | 2014-09-26,106500.0,108000.0,106000.0,107000.0,171914 1087 | 2014-09-29,106000.0,107000.0,105500.0,107000.0,137068 1088 | 2014-09-30,106000.0,106500.0,105000.0,106000.0,202637 1089 | 2014-10-01,105000.0,107500.0,105000.0,106000.0,273328 1090 | 2014-10-02,106000.0,108000.0,105000.0,108000.0,224818 1091 | 2014-10-06,108500.0,108500.0,107000.0,108500.0,160169 1092 | 2014-10-07,108000.0,108000.0,106000.0,106000.0,190124 1093 | 2014-10-08,106000.0,107500.0,106000.0,106500.0,118728 1094 | 2014-10-10,108000.0,108000.0,106000.0,107000.0,299428 1095 | 2014-10-13,107000.0,107500.0,106000.0,107000.0,169078 1096 | 2014-10-14,107500.0,107500.0,106000.0,106500.0,100905 1097 | 2014-10-15,107000.0,108000.0,106500.0,107500.0,328409 1098 | 2014-10-16,106500.0,107000.0,105000.0,105500.0,231069 1099 | 2014-10-17,106000.0,106500.0,105000.0,106000.0,173486 1100 | 2014-10-20,106500.0,107000.0,105000.0,105000.0,158382 1101 | 2014-10-21,105000.0,106000.0,104000.0,104500.0,95633 1102 | 2014-10-22,105500.0,107000.0,105000.0,106500.0,136907 1103 | 2014-10-23,106500.0,107000.0,104000.0,104000.0,141196 1104 | 2014-10-24,104500.0,105500.0,104000.0,105500.0,95429 1105 | 2014-10-27,106000.0,107000.0,105500.0,107000.0,150710 1106 | 2014-10-28,108000.0,109000.0,108000.0,108500.0,322943 1107 | 2014-10-29,109000.0,111000.0,108500.0,111000.0,424560 1108 | 2014-10-30,111000.0,111500.0,109500.0,111500.0,264276 1109 | 2014-10-31,111500.0,118000.0,111000.0,116500.0,874509 1110 | 2014-11-03,116500.0,118000.0,115500.0,116000.0,305361 1111 | 2014-11-04,116500.0,121000.0,116500.0,119000.0,426835 1112 | 2014-11-05,120000.0,120000.0,117000.0,117500.0,223385 1113 | 2014-11-06,116500.0,117500.0,115000.0,116500.0,293416 1114 | 2014-11-07,116000.0,118000.0,115500.0,116500.0,179415 1115 | 2014-11-10,118000.0,123000.0,118000.0,121500.0,618973 1116 | 2014-11-11,122000.0,125000.0,118000.0,120000.0,516155 1117 | 2014-11-12,119500.0,121500.0,119000.0,120500.0,310723 1118 | 2014-11-13,120500.0,121000.0,118000.0,120000.0,218111 1119 | 2014-11-14,119000.0,121000.0,117000.0,119000.0,262035 1120 | 2014-11-17,120000.0,124500.0,119000.0,124000.0,405110 1121 | 2014-11-18,124500.0,125500.0,121000.0,121000.0,299142 1122 | 2014-11-19,121500.0,122500.0,120500.0,120500.0,163961 1123 | 2014-11-20,121000.0,121500.0,119000.0,119500.0,185125 1124 | 2014-11-21,120500.0,121500.0,119500.0,120000.0,115156 1125 | 2014-11-24,120000.0,120500.0,117500.0,118000.0,404366 1126 | 2014-11-25,118500.0,122500.0,118000.0,122500.0,367374 1127 | 2014-11-26,122500.0,122500.0,121000.0,121500.0,89947 1128 | 2014-11-27,122500.0,127000.0,121500.0,123000.0,455980 1129 | 2014-11-28,122500.0,123500.0,122000.0,122000.0,110857 1130 | 2014-12-01,121000.0,123500.0,120500.0,122500.0,187433 1131 | 2014-12-02,123000.0,126000.0,122500.0,126000.0,382206 1132 | 2014-12-03,126500.0,127000.0,123500.0,123500.0,204339 1133 | 2014-12-04,124000.0,127000.0,124000.0,127000.0,159900 1134 | 2014-12-05,126500.0,127000.0,124500.0,124500.0,138901 1135 | 2014-12-08,124500.0,127000.0,124000.0,127000.0,156287 1136 | 2014-12-09,126500.0,128000.0,125000.0,126000.0,217899 1137 | 2014-12-10,125000.0,125500.0,120500.0,120500.0,306098 1138 | 2014-12-11,121000.0,122000.0,118500.0,120000.0,350519 1139 | 2014-12-12,121000.0,127500.0,120500.0,124500.0,456220 1140 | 2014-12-15,125000.0,125000.0,122500.0,123000.0,249362 1141 | 2014-12-16,122500.0,123000.0,117000.0,118500.0,461834 1142 | 2014-12-17,119500.0,120000.0,116000.0,116000.0,466095 1143 | 2014-12-18,117000.0,120000.0,115500.0,118000.0,252780 1144 | 2014-12-19,119000.0,120500.0,115500.0,116000.0,225771 1145 | 2014-12-22,116000.0,119000.0,116000.0,117500.0,226285 1146 | 2014-12-23,118500.0,119000.0,116000.0,116500.0,150494 1147 | 2014-12-24,116500.0,117500.0,116000.0,117000.0,87887 1148 | 2014-12-26,117000.0,119500.0,116500.0,118500.0,234435 1149 | 2014-12-29,117500.0,117500.0,114000.0,115000.0,230430 1150 | 2014-12-30,115500.0,117500.0,114500.0,116500.0,294603 1151 | 2015-01-02,115000.0,116500.0,113000.0,115000.0,308168 1152 | 2015-01-05,114000.0,117500.0,113500.0,117000.0,208141 1153 | 2015-01-06,116500.0,116500.0,114500.0,115500.0,264048 1154 | 2015-01-07,115000.0,117500.0,115000.0,117500.0,202449 1155 | 2015-01-08,117000.0,120000.0,117000.0,120000.0,243781 1156 | 2015-01-09,120500.0,120500.0,119000.0,120500.0,164329 1157 | 2015-01-12,119500.0,120000.0,116000.0,116000.0,210855 1158 | 2015-01-13,116000.0,116500.0,114500.0,115000.0,158459 1159 | 2015-01-14,115000.0,118000.0,115000.0,118000.0,188409 1160 | 2015-01-15,117500.0,117500.0,113000.0,114000.0,294384 1161 | 2015-01-16,113000.0,113500.0,109500.0,110000.0,319629 1162 | 2015-01-19,110000.0,112500.0,109500.0,110000.0,207235 1163 | 2015-01-20,110500.0,112500.0,110000.0,111000.0,173014 1164 | 2015-01-21,111000.0,115000.0,111000.0,115000.0,226078 1165 | 2015-01-22,114000.0,115500.0,111500.0,112000.0,218011 1166 | 2015-01-23,113500.0,116000.0,113000.0,116000.0,215731 1167 | 2015-01-26,115500.0,117000.0,114500.0,116000.0,108555 1168 | 2015-01-27,116500.0,118000.0,115000.0,118000.0,222083 1169 | 2015-01-28,116000.0,117000.0,114000.0,116500.0,234968 1170 | 2015-01-29,116000.0,116000.0,113500.0,114500.0,218751 1171 | 2015-01-30,114500.0,114500.0,111000.0,112500.0,343693 1172 | 2015-02-02,111500.0,112500.0,111000.0,112000.0,143047 1173 | 2015-02-03,112000.0,112500.0,110000.0,110500.0,219757 1174 | 2015-02-04,111000.0,113000.0,109000.0,109500.0,372916 1175 | 2015-02-05,110000.0,111000.0,109000.0,111000.0,163022 1176 | 2015-02-06,110500.0,113000.0,110000.0,113000.0,168632 1177 | 2015-02-09,112500.0,113000.0,110500.0,111000.0,129580 1178 | 2015-02-10,111000.0,112000.0,109000.0,109000.0,123087 1179 | 2015-02-11,109500.0,110000.0,108000.0,109000.0,158582 1180 | 2015-02-12,109000.0,112000.0,108000.0,112000.0,197598 1181 | 2015-02-13,111000.0,111500.0,102000.0,103500.0,998103 1182 | 2015-02-16,102500.0,103500.0,100500.0,101000.0,488196 1183 | 2015-02-17,101500.0,102000.0,100000.0,100500.0,329086 1184 | 2015-02-23,101000.0,101500.0,99100.0,99900.0,370918 1185 | 2015-02-24,100000.0,101000.0,100000.0,100000.0,252278 1186 | 2015-02-25,101000.0,102000.0,99800.0,100500.0,297344 1187 | 2015-02-26,100500.0,101000.0,98500.0,98600.0,463655 1188 | 2015-02-27,98600.0,100500.0,98200.0,99600.0,319139 1189 | 2015-03-02,100000.0,100500.0,98100.0,98100.0,285847 1190 | 2015-03-03,98300.0,99500.0,98300.0,98600.0,263499 1191 | 2015-03-04,98400.0,99100.0,98300.0,98700.0,162027 1192 | 2015-03-05,98500.0,98800.0,98100.0,98700.0,182296 1193 | 2015-03-06,98700.0,99000.0,98100.0,98100.0,240427 1194 | 2015-03-09,97600.0,98400.0,97500.0,98100.0,255555 1195 | 2015-03-10,98000.0,98700.0,97600.0,97600.0,173163 1196 | 2015-03-11,97100.0,97700.0,95000.0,95500.0,450436 1197 | 2015-03-12,95100.0,98300.0,95000.0,96100.0,416086 1198 | 2015-03-13,97200.0,97900.0,96200.0,96900.0,176619 1199 | 2015-03-16,96900.0,97100.0,95200.0,96100.0,212676 1200 | 2015-03-17,96700.0,98100.0,96500.0,97300.0,315540 1201 | 2015-03-18,98100.0,98700.0,97400.0,97800.0,395681 1202 | 2015-03-19,98300.0,98700.0,97800.0,98000.0,226678 1203 | 2015-03-20,97700.0,97900.0,97200.0,97400.0,209271 1204 | 2015-03-23,97600.0,98000.0,95400.0,97400.0,298590 1205 | 2015-03-24,97100.0,97900.0,96100.0,96600.0,291144 1206 | 2015-03-25,96000.0,96300.0,95200.0,95200.0,321961 1207 | 2015-03-26,95600.0,96500.0,95400.0,96200.0,330786 1208 | 2015-03-27,96400.0,96500.0,95500.0,95900.0,205687 1209 | 2015-03-30,97000.0,97200.0,95900.0,95900.0,280239 1210 | 2015-03-31,96500.0,97000.0,96300.0,96700.0,191133 1211 | 2015-04-01,96700.0,97100.0,96100.0,96300.0,150816 1212 | 2015-04-02,96000.0,97000.0,96000.0,96900.0,124854 1213 | 2015-04-03,96800.0,98700.0,96800.0,98400.0,218693 1214 | 2015-04-06,98600.0,98700.0,96500.0,97000.0,157746 1215 | 2015-04-07,97100.0,98300.0,96800.0,97700.0,189722 1216 | 2015-04-08,97700.0,97700.0,95300.0,95400.0,316842 1217 | 2015-04-09,95500.0,96200.0,94800.0,96200.0,272512 1218 | 2015-04-10,95500.0,96300.0,94500.0,94800.0,377543 1219 | 2015-04-13,94900.0,95800.0,94300.0,95600.0,281208 1220 | 2015-04-14,95100.0,97800.0,95000.0,96700.0,440866 1221 | 2015-04-15,97200.0,99800.0,96100.0,98500.0,399173 1222 | 2015-04-16,98000.0,99300.0,97600.0,98500.0,291160 1223 | 2015-04-17,98600.0,102000.0,98600.0,101000.0,593551 1224 | 2015-04-20,100000.0,102500.0,99900.0,100000.0,298343 1225 | 2015-04-21,100500.0,101000.0,98200.0,98200.0,253974 1226 | 2015-04-22,97700.0,100500.0,97700.0,99900.0,333110 1227 | 2015-04-23,100500.0,105500.0,99500.0,104000.0,646764 1228 | 2015-04-24,104500.0,107500.0,104000.0,107000.0,618291 1229 | 2015-04-27,107500.0,107500.0,104000.0,105500.0,312537 1230 | 2015-04-28,105500.0,106500.0,103500.0,104000.0,237474 1231 | 2015-04-29,104500.0,106000.0,104000.0,105000.0,238262 1232 | 2015-04-30,104500.0,106500.0,104000.0,105000.0,299610 1233 | 2015-05-04,106000.0,109000.0,105500.0,108000.0,302420 1234 | 2015-05-06,107500.0,110000.0,107500.0,109500.0,339148 1235 | 2015-05-07,111000.0,113000.0,108500.0,108500.0,466839 1236 | 2015-05-08,109000.0,109000.0,105500.0,105500.0,222080 1237 | 2015-05-11,107000.0,108000.0,106000.0,106500.0,158139 1238 | 2015-05-12,107500.0,110500.0,107000.0,110000.0,389511 1239 | 2015-05-13,110500.0,118500.0,110500.0,118000.0,862150 1240 | 2015-05-14,116000.0,116500.0,112500.0,116500.0,589389 1241 | 2015-05-15,111000.0,113000.0,110000.0,112000.0,1466745 1242 | 2015-05-18,113000.0,116000.0,112500.0,115500.0,1082705 1243 | 2015-05-19,115500.0,116000.0,112500.0,116000.0,1749365 1244 | 2015-05-20,114500.0,115000.0,113500.0,113500.0,346191 1245 | 2015-05-21,113500.0,114500.0,110500.0,111500.0,402046 1246 | 2015-05-22,111500.0,114000.0,110000.0,114000.0,339997 1247 | 2015-05-26,112500.0,118000.0,112500.0,116000.0,648366 1248 | 2015-05-27,116000.0,117000.0,112000.0,114000.0,547588 1249 | 2015-05-28,114000.0,114500.0,111000.0,112500.0,339270 1250 | 2015-05-29,111500.0,113500.0,110500.0,112000.0,533025 1251 | 2015-06-01,112000.0,113500.0,108500.0,108500.0,185159 1252 | 2015-06-02,109500.0,112000.0,109000.0,110500.0,256464 1253 | 2015-06-03,110000.0,111500.0,106000.0,106000.0,238443 1254 | 2015-06-04,106000.0,109500.0,105500.0,106500.0,220965 1255 | 2015-06-05,107000.0,109000.0,106500.0,108000.0,213941 1256 | 2015-06-08,108000.0,108500.0,106500.0,107000.0,174600 1257 | 2015-06-09,106000.0,106500.0,103500.0,104000.0,224781 1258 | 2015-06-10,104000.0,108500.0,104000.0,108000.0,427357 1259 | 2015-06-11,107500.0,110000.0,106500.0,108000.0,365874 1260 | 2015-06-12,108500.0,109000.0,106000.0,106500.0,229591 1261 | 2015-06-15,107000.0,109000.0,106000.0,108000.0,148369 1262 | 2015-06-16,107000.0,107500.0,105000.0,107000.0,290326 1263 | 2015-06-17,106500.0,108000.0,103500.0,104500.0,374713 1264 | 2015-06-18,104000.0,105500.0,102000.0,103500.0,304550 1265 | 2015-06-19,104000.0,106500.0,104000.0,105000.0,515707 1266 | 2015-06-22,105000.0,107000.0,104000.0,104500.0,169853 1267 | 2015-06-23,106500.0,108000.0,105500.0,107500.0,222444 1268 | 2015-06-24,108000.0,109500.0,107000.0,107500.0,201646 1269 | 2015-06-25,107500.0,109000.0,107000.0,108000.0,189901 1270 | 2015-06-26,109000.0,110000.0,108000.0,110000.0,234118 1271 | 2015-06-29,110000.0,111000.0,107000.0,108000.0,326772 1272 | 2015-06-30,107500.0,108000.0,106000.0,107500.0,194368 1273 | 2015-07-01,107000.0,107500.0,104000.0,104500.0,311971 1274 | 2015-07-02,105500.0,105500.0,104000.0,105000.0,263077 1275 | 2015-07-03,106000.0,107500.0,105000.0,107500.0,185805 1276 | 2015-07-06,107000.0,107000.0,102500.0,103500.0,191743 1277 | 2015-07-07,103500.0,105000.0,102500.0,104000.0,148992 1278 | 2015-07-08,106000.0,106500.0,103000.0,103500.0,224667 1279 | 2015-07-09,104500.0,105000.0,100000.0,101500.0,314398 1280 | 2015-07-10,102000.0,103000.0,101500.0,102500.0,111709 1281 | 2015-07-13,103000.0,104500.0,104500.0,104500.0,115472 1282 | 2015-07-14,104500.0,105500.0,103500.0,104500.0,99712 1283 | 2015-07-15,104500.0,107000.0,104000.0,107000.0,172423 1284 | 2015-07-16,106000.0,107000.0,105500.0,107000.0,152580 1285 | 2015-07-17,109000.0,109500.0,103500.0,104000.0,287706 1286 | 2015-07-20,104000.0,104500.0,101500.0,102500.0,225084 1287 | 2015-07-21,102000.0,103500.0,101000.0,102000.0,221655 1288 | 2015-07-22,102000.0,103000.0,101000.0,101000.0,184321 1289 | 2015-07-23,101000.0,101000.0,100000.0,100500.0,112586 1290 | 2015-07-24,100500.0,101000.0,98100.0,99900.0,234719 1291 | 2015-07-27,99900.0,101000.0,99000.0,100000.0,218846 1292 | 2015-07-28,100500.0,101500.0,99900.0,100500.0,219802 1293 | 2015-07-29,100500.0,101000.0,99900.0,100500.0,175847 1294 | 2015-07-30,101500.0,106000.0,101500.0,105500.0,278327 1295 | 2015-07-31,105500.0,107000.0,105000.0,107000.0,268874 1296 | 2015-08-03,106500.0,107500.0,105500.0,107500.0,181439 1297 | 2015-08-04,107000.0,108500.0,104500.0,106000.0,248271 1298 | 2015-08-05,105000.0,106000.0,102500.0,103500.0,203103 1299 | 2015-08-06,103500.0,104000.0,100500.0,101000.0,267166 1300 | 2015-08-07,101500.0,102000.0,100500.0,100500.0,184099 1301 | 2015-08-10,101000.0,102000.0,100500.0,100500.0,133117 1302 | 2015-08-11,101000.0,101500.0,99900.0,100000.0,174513 1303 | 2015-08-12,100500.0,101000.0,99800.0,100500.0,188997 1304 | 2015-08-13,100000.0,101000.0,99500.0,99700.0,239647 1305 | 2015-08-17,101500.0,104500.0,101000.0,103500.0,311520 1306 | 2015-08-18,103500.0,105000.0,103500.0,103500.0,156497 1307 | 2015-08-19,103500.0,104500.0,103000.0,103500.0,183459 1308 | 2015-08-20,103000.0,103500.0,100000.0,100500.0,238866 1309 | 2015-08-21,99700.0,102000.0,98700.0,100500.0,291374 1310 | 2015-08-24,99600.0,99800.0,95800.0,96900.0,445594 1311 | 2015-08-25,97600.0,97800.0,94600.0,94800.0,420156 1312 | 2015-08-26,95200.0,98400.0,94800.0,98300.0,233240 1313 | 2015-08-27,98500.0,98800.0,96200.0,98200.0,332907 1314 | 2015-08-28,98200.0,99500.0,97200.0,99000.0,258552 1315 | 2015-08-31,99000.0,99300.0,97200.0,98300.0,327841 1316 | 2015-09-01,97200.0,97600.0,96600.0,97400.0,179720 1317 | 2015-09-02,97200.0,97500.0,95600.0,97500.0,254015 1318 | 2015-09-03,96700.0,97000.0,95400.0,95800.0,320484 1319 | 2015-09-04,95300.0,95900.0,95000.0,95500.0,181625 1320 | 2015-09-07,94800.0,95200.0,92200.0,92200.0,499226 1321 | 2015-09-08,91500.0,93200.0,91400.0,92900.0,250736 1322 | 2015-09-09,93500.0,96100.0,93200.0,96100.0,203955 1323 | 2015-09-10,95600.0,97800.0,95100.0,97800.0,288924 1324 | 2015-09-11,96200.0,96900.0,94600.0,94600.0,250408 1325 | 2015-09-14,95100.0,97100.0,95100.0,96900.0,239427 1326 | 2015-09-15,96800.0,96800.0,96000.0,96600.0,103674 1327 | 2015-09-16,96800.0,97900.0,96300.0,97700.0,239548 1328 | 2015-09-17,98300.0,98300.0,97100.0,98300.0,230918 1329 | 2015-09-18,97400.0,97900.0,96100.0,97600.0,193127 1330 | 2015-09-21,97600.0,97600.0,95600.0,95600.0,179911 1331 | 2015-09-22,95800.0,97300.0,95300.0,97200.0,235476 1332 | 2015-09-23,95800.0,96400.0,95000.0,95800.0,248287 1333 | 2015-09-24,96000.0,96000.0,95000.0,95600.0,107963 1334 | 2015-09-25,95800.0,96200.0,95200.0,95800.0,131680 1335 | 2015-09-30,94600.0,98900.0,94600.0,98900.0,489044 1336 | 2015-10-01,98200.0,100000.0,97100.0,98300.0,203309 1337 | 2015-10-02,100000.0,101000.0,99300.0,99700.0,309362 1338 | 2015-10-05,100000.0,101000.0,99800.0,100500.0,161244 1339 | 2015-10-06,101000.0,101000.0,100000.0,100500.0,117113 1340 | 2015-10-07,100500.0,102000.0,99100.0,100500.0,238424 1341 | 2015-10-08,101000.0,101500.0,99800.0,101500.0,226353 1342 | 2015-10-12,102000.0,103000.0,100500.0,102000.0,295202 1343 | 2015-10-13,102500.0,103500.0,102000.0,103500.0,293984 1344 | 2015-10-14,103500.0,104000.0,102000.0,104000.0,211295 1345 | 2015-10-15,103000.0,103500.0,101500.0,102500.0,225715 1346 | 2015-10-16,102000.0,103500.0,102000.0,103500.0,155479 1347 | 2015-10-19,103500.0,103500.0,101500.0,102500.0,244978 1348 | 2015-10-20,102500.0,104500.0,102500.0,104500.0,239366 1349 | 2015-10-21,104500.0,105500.0,104000.0,105000.0,198183 1350 | 2015-10-22,105500.0,107000.0,105000.0,107000.0,432955 1351 | 2015-10-23,108000.0,110000.0,107500.0,110000.0,490575 1352 | 2015-10-26,111000.0,111500.0,109000.0,109500.0,225235 1353 | 2015-10-27,109500.0,110000.0,107500.0,108500.0,192721 1354 | 2015-10-28,108500.0,111000.0,108500.0,111000.0,334707 1355 | 2015-10-29,111000.0,111500.0,108500.0,109000.0,251091 1356 | 2015-10-30,109500.0,110500.0,108500.0,109000.0,259814 1357 | 2015-11-02,114000.0,116000.0,111000.0,114000.0,665115 1358 | 2015-11-03,114000.0,114000.0,111000.0,111500.0,248739 1359 | 2015-11-04,111500.0,111500.0,109500.0,110500.0,255677 1360 | 2015-11-05,110500.0,110500.0,108000.0,108500.0,321165 1361 | 2015-11-06,108500.0,110000.0,108000.0,109000.0,188643 1362 | 2015-11-09,109500.0,113000.0,109000.0,112000.0,324764 1363 | 2015-11-10,112500.0,114500.0,110000.0,111500.0,288634 1364 | 2015-11-11,112000.0,112000.0,108000.0,108500.0,242757 1365 | 2015-11-12,109000.0,112500.0,108000.0,112500.0,350988 1366 | 2015-11-13,110500.0,110500.0,108000.0,109000.0,432998 1367 | 2015-11-16,108000.0,109000.0,104500.0,105000.0,332892 1368 | 2015-11-17,106000.0,107500.0,104000.0,104500.0,278915 1369 | 2015-11-18,105000.0,107500.0,103000.0,107000.0,303269 1370 | 2015-11-19,108000.0,108000.0,103000.0,104500.0,485177 1371 | 2015-11-20,104000.0,105000.0,103500.0,105000.0,200654 1372 | 2015-11-23,104500.0,106000.0,103500.0,105000.0,183787 1373 | 2015-11-24,105500.0,108000.0,105000.0,107500.0,219863 1374 | 2015-11-25,108000.0,108500.0,107000.0,108000.0,227806 1375 | 2015-11-26,107500.0,108000.0,104500.0,106000.0,248410 1376 | 2015-11-27,105500.0,107000.0,105000.0,106000.0,173555 1377 | 2015-11-30,105500.0,106000.0,103000.0,103000.0,481976 1378 | 2015-12-01,102500.0,105500.0,102500.0,105500.0,217421 1379 | 2015-12-02,104500.0,106500.0,103500.0,105500.0,301795 1380 | 2015-12-03,104500.0,105500.0,103500.0,104500.0,318234 1381 | 2015-12-04,103500.0,105500.0,103000.0,105000.0,277306 1382 | 2015-12-07,105000.0,105500.0,104000.0,104000.0,242558 1383 | 2015-12-08,103500.0,105000.0,103000.0,103500.0,177624 1384 | 2015-12-09,104000.0,104500.0,103000.0,103500.0,217307 1385 | 2015-12-10,104000.0,105000.0,103000.0,105000.0,266677 1386 | 2015-12-11,105000.0,105500.0,104000.0,104500.0,214680 1387 | 2015-12-14,104000.0,106000.0,103500.0,105500.0,238164 1388 | 2015-12-15,106000.0,107500.0,105000.0,107000.0,306171 1389 | 2015-12-16,108500.0,109500.0,107000.0,108500.0,412545 1390 | 2015-12-17,108500.0,110000.0,108000.0,109500.0,381479 1391 | 2015-12-18,108500.0,109500.0,108000.0,108000.0,334094 1392 | 2015-12-21,108000.0,108500.0,105000.0,106000.0,381520 1393 | 2015-12-22,105500.0,109000.0,105500.0,108500.0,260684 1394 | 2015-12-23,108000.0,110000.0,108000.0,109500.0,274330 1395 | 2015-12-24,109000.0,110500.0,109000.0,110000.0,268674 1396 | 2015-12-28,110000.0,111000.0,109500.0,109500.0,293265 1397 | 2015-12-29,107000.0,110500.0,107000.0,110500.0,295855 1398 | 2015-12-30,110000.0,111000.0,109500.0,110000.0,248589 1399 | 2016-01-04,109500.0,110000.0,106500.0,106500.0,244811 1400 | 2016-01-05,107000.0,108000.0,106000.0,107500.0,229357 1401 | 2016-01-06,106500.0,107000.0,104000.0,104000.0,428580 1402 | 2016-01-07,104000.0,105000.0,102000.0,102500.0,318304 1403 | 2016-01-08,102500.0,105500.0,101500.0,105000.0,236687 1404 | 2016-01-11,104000.0,105000.0,103500.0,104500.0,195833 1405 | 2016-01-12,105500.0,106500.0,104000.0,105500.0,270355 1406 | 2016-01-13,105000.0,108000.0,104500.0,107000.0,342473 1407 | 2016-01-14,106500.0,107500.0,104500.0,107000.0,337659 1408 | 2016-01-15,107500.0,108500.0,106000.0,106000.0,429653 1409 | 2016-01-18,105000.0,106500.0,103000.0,105000.0,487410 1410 | 2016-01-19,104500.0,105000.0,102000.0,102500.0,478258 1411 | 2016-01-20,102500.0,103000.0,100500.0,101000.0,406567 1412 | 2016-01-21,100000.0,101500.0,97800.0,98400.0,411281 1413 | 2016-01-22,98500.0,100500.0,98500.0,100000.0,176716 1414 | 2016-01-25,99900.0,100500.0,98400.0,98400.0,278216 1415 | 2016-01-26,98600.0,99000.0,96700.0,97400.0,212099 1416 | 2016-01-27,99000.0,99200.0,97700.0,98200.0,177291 1417 | 2016-01-28,107000.0,109500.0,101500.0,109500.0,917070 1418 | 2016-01-29,112000.0,112500.0,106000.0,110000.0,853913 1419 | 2016-02-01,108500.0,110500.0,107500.0,110500.0,476270 1420 | 2016-02-02,110500.0,112500.0,109000.0,112000.0,420104 1421 | 2016-02-03,111000.0,113000.0,110000.0,113000.0,362055 1422 | 2016-02-04,113000.0,113000.0,110500.0,111500.0,333471 1423 | 2016-02-05,111000.0,112500.0,110500.0,111500.0,223791 1424 | 2016-02-11,108000.0,111500.0,107000.0,109500.0,417406 1425 | 2016-02-12,110000.0,111500.0,109000.0,110000.0,373649 1426 | 2016-02-15,110000.0,110000.0,107000.0,107500.0,426918 1427 | 2016-02-16,107500.0,110000.0,107500.0,109500.0,302083 1428 | 2016-02-17,109000.0,111000.0,109000.0,109500.0,232059 1429 | 2016-02-18,109500.0,110500.0,109000.0,110000.0,262294 1430 | 2016-02-19,110000.0,110500.0,108000.0,108500.0,338202 1431 | 2016-02-22,107500.0,109000.0,106000.0,109000.0,316484 1432 | 2016-02-23,108500.0,109500.0,107000.0,107000.0,433773 1433 | 2016-02-24,107500.0,112500.0,106500.0,112000.0,408745 1434 | 2016-02-25,111000.0,113000.0,110000.0,113000.0,361545 1435 | 2016-02-26,112500.0,113500.0,110500.0,112500.0,500771 1436 | 2016-02-29,112000.0,113500.0,111000.0,112000.0,427263 1437 | 2016-03-02,112500.0,114000.0,112000.0,112000.0,407791 1438 | 2016-03-03,112000.0,115000.0,111500.0,113000.0,474361 1439 | 2016-03-04,113000.0,114500.0,112500.0,113500.0,288695 1440 | 2016-03-07,113500.0,115000.0,113000.0,113000.0,397537 1441 | 2016-03-08,113000.0,115000.0,113000.0,115000.0,306568 1442 | 2016-03-09,114500.0,115000.0,113000.0,114500.0,310652 1443 | 2016-03-10,114000.0,114500.0,112000.0,112000.0,516647 1444 | 2016-03-11,112500.0,113000.0,108500.0,108500.0,319557 1445 | 2016-03-14,109000.0,114000.0,109000.0,114000.0,275354 1446 | 2016-03-15,114000.0,114500.0,113000.0,114000.0,143611 1447 | 2016-03-16,113500.0,116500.0,113500.0,115500.0,281575 1448 | 2016-03-17,115500.0,117500.0,114500.0,116000.0,218352 1449 | 2016-03-18,115500.0,116500.0,111500.0,112000.0,542220 1450 | 2016-03-21,112500.0,114000.0,111500.0,113000.0,350470 1451 | 2016-03-22,113000.0,115500.0,113000.0,115000.0,280419 1452 | 2016-03-23,114000.0,116000.0,113500.0,114500.0,174681 1453 | 2016-03-24,114000.0,115000.0,113000.0,113500.0,214055 1454 | 2016-03-25,114000.0,116500.0,113500.0,116000.0,217577 1455 | 2016-03-28,116000.0,117500.0,115000.0,116000.0,249432 1456 | 2016-03-29,116000.0,116000.0,113500.0,114500.0,257367 1457 | 2016-03-30,115000.0,116500.0,114500.0,115000.0,218799 1458 | 2016-03-31,115500.0,118500.0,115000.0,117500.0,462269 1459 | 2016-04-01,118000.0,118500.0,116500.0,117000.0,238234 1460 | 2016-04-04,117000.0,118000.0,116500.0,118000.0,179174 1461 | 2016-04-05,117000.0,118000.0,116000.0,117000.0,171116 1462 | 2016-04-06,117500.0,118500.0,116500.0,117000.0,212689 1463 | 2016-04-07,117000.0,117500.0,116000.0,117000.0,167738 1464 | 2016-04-08,116500.0,117000.0,115000.0,117000.0,253505 1465 | 2016-04-11,116000.0,116000.0,113500.0,114000.0,186615 1466 | 2016-04-12,114500.0,115500.0,113500.0,115500.0,200594 1467 | 2016-04-14,118000.0,121000.0,118000.0,121000.0,662160 1468 | 2016-04-15,120000.0,121000.0,119000.0,121000.0,274211 1469 | 2016-04-18,116500.0,116500.0,109500.0,110000.0,1056462 1470 | 2016-04-19,110500.0,113000.0,110500.0,112500.0,270740 1471 | 2016-04-20,114000.0,114000.0,111500.0,112000.0,273440 1472 | 2016-04-21,112000.0,114000.0,111500.0,113000.0,231931 1473 | 2016-04-22,112000.0,113000.0,111500.0,112000.0,146000 1474 | 2016-04-25,111000.0,113000.0,111000.0,112500.0,121038 1475 | 2016-04-26,112500.0,113000.0,110500.0,111000.0,210101 1476 | 2016-04-27,110500.0,112000.0,110500.0,112000.0,198010 1477 | 2016-04-28,111500.0,113000.0,109500.0,111000.0,248260 1478 | 2016-04-29,111000.0,111500.0,109000.0,109500.0,172850 1479 | 2016-05-02,108500.0,109500.0,108000.0,108000.0,132859 1480 | 2016-05-03,107500.0,108500.0,107000.0,108000.0,126222 1481 | 2016-05-04,107500.0,108500.0,106500.0,108000.0,192448 1482 | 2016-05-09,107000.0,108000.0,106000.0,107000.0,160783 1483 | 2016-05-10,106500.0,108000.0,106000.0,106500.0,170066 1484 | 2016-05-11,106500.0,107000.0,105500.0,106000.0,195844 1485 | 2016-05-12,105500.0,107000.0,105000.0,106000.0,182235 1486 | 2016-05-13,105500.0,106000.0,102000.0,103000.0,376527 1487 | 2016-05-16,103000.0,103500.0,101500.0,102000.0,211023 1488 | 2016-05-17,101500.0,103500.0,101000.0,102000.0,258569 1489 | 2016-05-18,101500.0,103500.0,101000.0,103000.0,257222 1490 | 2016-05-19,102500.0,106500.0,102500.0,105000.0,338220 1491 | 2016-05-20,105000.0,106000.0,104000.0,105000.0,171812 1492 | 2016-05-23,107000.0,107000.0,102500.0,102500.0,139056 1493 | 2016-05-24,102000.0,102500.0,101500.0,101500.0,198935 1494 | 2016-05-25,102000.0,103000.0,101500.0,102000.0,230023 1495 | 2016-05-26,102000.0,103000.0,102000.0,102500.0,166733 1496 | 2016-05-27,103500.0,104000.0,103000.0,103000.0,115043 1497 | 2016-05-30,103500.0,104000.0,101500.0,103000.0,198451 1498 | 2016-05-31,103000.0,104500.0,102000.0,104000.0,1137009 1499 | 2016-06-01,103000.0,104000.0,102000.0,103500.0,221601 1500 | 2016-06-02,103000.0,105000.0,102000.0,105000.0,206593 1501 | 2016-06-03,104000.0,105000.0,101500.0,102500.0,396953 1502 | 2016-06-07,102000.0,103500.0,100500.0,103500.0,262276 1503 | 2016-06-08,103500.0,105500.0,102500.0,105500.0,208442 1504 | 2016-06-09,105500.0,106000.0,102000.0,103000.0,381491 1505 | 2016-06-10,103000.0,103000.0,101500.0,102000.0,224466 1506 | 2016-06-13,101000.0,101500.0,100000.0,100500.0,223360 1507 | 2016-06-14,100000.0,102000.0,100000.0,100500.0,215557 1508 | 2016-06-15,100000.0,101000.0,99600.0,100500.0,144990 1509 | 2016-06-16,100000.0,100500.0,97900.0,97900.0,389271 1510 | 2016-06-17,98500.0,99500.0,98100.0,98100.0,239379 1511 | 2016-06-20,99800.0,100000.0,98600.0,99600.0,130165 1512 | 2016-06-21,99900.0,100000.0,99000.0,99500.0,89358 1513 | 2016-06-22,100000.0,101000.0,99500.0,99500.0,172904 1514 | 2016-06-23,100500.0,103000.0,100000.0,102500.0,249747 1515 | 2016-06-24,102500.0,103000.0,98100.0,100500.0,354527 1516 | 2016-06-27,100000.0,100500.0,98800.0,99800.0,168225 1517 | 2016-06-28,99400.0,99800.0,98200.0,98900.0,200547 1518 | 2016-06-29,99100.0,99400.0,98300.0,99000.0,231630 1519 | 2016-06-30,99100.0,104500.0,98600.0,100500.0,671419 1520 | 2016-07-01,100500.0,101500.0,99100.0,99900.0,275930 1521 | 2016-07-04,99600.0,99800.0,98600.0,98800.0,218724 1522 | 2016-07-05,98700.0,98700.0,96300.0,96300.0,414156 1523 | 2016-07-06,96600.0,96900.0,94800.0,95000.0,357367 1524 | 2016-07-07,95300.0,96400.0,94800.0,95200.0,205429 1525 | 2016-07-08,95100.0,95500.0,94000.0,94800.0,179725 1526 | 2016-07-11,95500.0,97100.0,95400.0,96800.0,194363 1527 | 2016-07-12,96100.0,97000.0,95500.0,96500.0,171707 1528 | 2016-07-13,96500.0,97500.0,96100.0,96800.0,133199 1529 | 2016-07-14,97400.0,97400.0,96200.0,96200.0,174244 1530 | 2016-07-15,96600.0,98800.0,96500.0,98000.0,244918 1531 | 2016-07-18,97600.0,98500.0,97400.0,98400.0,150798 1532 | 2016-07-19,98100.0,98500.0,97700.0,98200.0,126334 1533 | 2016-07-20,98300.0,98300.0,96200.0,96500.0,251620 1534 | 2016-07-21,96500.0,97600.0,96400.0,97500.0,121622 1535 | 2016-07-22,97000.0,98900.0,97000.0,98200.0,149551 1536 | 2016-07-25,98500.0,99300.0,97900.0,99300.0,139183 1537 | 2016-07-26,98600.0,99900.0,98500.0,99500.0,90131 1538 | 2016-07-27,99600.0,100000.0,99300.0,99400.0,93431 1539 | 2016-07-28,99200.0,99500.0,97600.0,97700.0,175845 1540 | 2016-07-29,97700.0,99000.0,97300.0,97300.0,188897 1541 | 2016-08-01,97300.0,98700.0,97300.0,98200.0,151212 1542 | 2016-08-02,97900.0,98400.0,97300.0,97600.0,99377 1543 | 2016-08-03,97000.0,97600.0,96500.0,96600.0,122851 1544 | 2016-08-04,96600.0,97200.0,96000.0,96100.0,150138 1545 | 2016-08-05,95900.0,98700.0,95900.0,98300.0,237251 1546 | 2016-08-08,98300.0,100000.0,98200.0,99900.0,206120 1547 | 2016-08-09,100000.0,101500.0,99700.0,101000.0,248109 1548 | 2016-08-10,101500.0,103000.0,101000.0,103000.0,348837 1549 | 2016-08-11,103000.0,103000.0,101500.0,103000.0,168474 1550 | 2016-08-12,102000.0,102000.0,100500.0,100500.0,253141 1551 | 2016-08-16,100000.0,101000.0,100000.0,100000.0,145750 1552 | 2016-08-17,100500.0,103000.0,100000.0,102500.0,239606 1553 | 2016-08-18,103500.0,109500.0,103500.0,108000.0,1015487 1554 | 2016-08-19,108500.0,108500.0,102500.0,103000.0,546994 1555 | 2016-08-22,103000.0,103000.0,100000.0,102000.0,424572 1556 | 2016-08-23,102000.0,102500.0,99800.0,99800.0,408778 1557 | 2016-08-24,99800.0,102000.0,99800.0,101500.0,214183 1558 | 2016-08-25,101500.0,103500.0,101000.0,102000.0,263249 1559 | 2016-08-26,102000.0,104500.0,101500.0,103500.0,243568 1560 | 2016-08-29,105000.0,106000.0,103500.0,104000.0,270567 1561 | 2016-08-30,104500.0,106000.0,104000.0,105000.0,192863 1562 | 2016-08-31,104000.0,105000.0,103000.0,103000.0,254062 1563 | 2016-09-01,103500.0,108500.0,103500.0,106000.0,488060 1564 | 2016-09-02,106000.0,106500.0,104500.0,106000.0,120826 1565 | 2016-09-05,106000.0,107000.0,105000.0,106000.0,104387 1566 | 2016-09-06,105500.0,106500.0,105500.0,105500.0,132946 1567 | 2016-09-07,106000.0,107500.0,105500.0,106500.0,140747 1568 | 2016-09-08,106500.0,107000.0,105000.0,106500.0,223577 1569 | 2016-09-09,105500.0,106000.0,104000.0,105500.0,140639 1570 | 2016-09-12,105500.0,107000.0,104500.0,105500.0,237990 1571 | 2016-09-13,106000.0,106000.0,102500.0,103500.0,280176 1572 | 2016-09-19,102000.0,105500.0,102000.0,104500.0,171652 1573 | 2016-09-20,103000.0,104000.0,102000.0,103000.0,246578 1574 | 2016-09-21,102500.0,105000.0,102000.0,104500.0,166548 1575 | 2016-09-22,104000.0,106000.0,103500.0,103500.0,127964 1576 | 2016-09-23,105000.0,106500.0,104500.0,106500.0,168960 1577 | 2016-09-26,106500.0,106500.0,105000.0,105500.0,110560 1578 | --------------------------------------------------------------------------------