Building a Trading Robot

Machine Learning Engineer Nanodegree

Calvin Ku September 27, 2016

Definition

Project Overview

Problem with trading is that you never know when is the best time to buy or sell a stock, as you never know if the stock price will go up or go down in the future. This simple trading bot is an attempt to solve this problem.

Given the historical data of a stock, our chimp will tell you whether you should buy or sell or hold a particular stock today (in our case, the JPM).

Data used in this project

The only data used in this project is the JPM historical data collected from Yahoo Finance. The data ranges from December 30, 1983 to September 27, 2016. We don't use S&P 500 ETF as ETFs are generally arbitrageable which can render the techniques we will use in this project (namely, VPA) useless.

Problem Statement

This project is about building a trading robot. In this proejct we will call it the Chimp. The Chimp is built to give the common user suggestions on whether to buy or sell or hold a particular stock on a particular trading day. The goal of this project is to build a trading robot that can beat a random monkey bot. Inpired by the famous saying of Princeton University professor Burton Malkiel in 1973 that "A blindfolded monkey throwing darts at a newspaper’s financial pages could select a portfolio that would do just as well as one carefully selected by experts” and the Forbes article Any Monkey Can Beat the Market, instead of competing on a portfolio basis, we set our battlefield on JPM.

We will use JPM as an example in this project but the same method can be applied to any stock. In the end we will evaluate our method by giving the monkey bot (which chooses the three actions equally on a random basis) and our Chimp 1000 dollars and see how they perform from September 26, 2011 to September 27, 2016 on JPM.

Metrics

In this project we use the cash in hand plus the portfolio value (number of shares in hand times the market price), the total assets as the metric. We also and define the reward function to be the ratio of the difference of the assets divided by the previous assets between the current state and the previous, i.e.: $$ R(s_i) = \frac{Cash(s_{i + 1}) + PV(s_{i + 1}) - Cash(s_i) - PV(s_i)}{Cash(s_i) + PV(s_i)} $$

This simple metric is in line with what we want the trading bot to achieve in that our ultimate goal is to make as much profit as possible given what we have put into the market, and it doesn't matter whether it's in cash or in shares.

Analysis

Data Exploration

First look

Let's first take a glance at some statistics of our data and then see if there's any missing values


In [57]:
from __future__ import division

%matplotlib inline
import matplotlib.pyplot as plt
import seaborn as sns

from IPython.display import display
import pandas as pd
import numpy as np
from datetime import datetime, timedelta
import time
import random
from collections import defaultdict
from sklearn.ensemble import RandomForestRegressor
from copy import copy, deepcopy
from numba import jit

pd.set_option('display.max_columns', 50)

dfSPY = pd.read_csv('allSPY.csv', index_col='Date', parse_dates=True, na_values = ['nan'])
dfJPM = pd.read_csv('JPM.csv', index_col='Date', parse_dates=True, na_values = ['nan'])

# del dfSPY.index.name
del dfJPM.index.name
# display(dfSPY)

start_date = '1983-12-30'
end_date = '2016-09-27'

dates = pd.date_range(start_date, end_date)

dfMain = pd.DataFrame(index=dates)
# dfMain = dfMain.join(dfSPY)
dfMain = dfMain.join(dfJPM)
dfMain.dropna(inplace=True)

print("Start date: {}".format(dfMain.index[0]))
print("End date: {}\n".format(dfMain.index[-1]))

print(dfMain.describe())


Start date: 1983-12-30 00:00:00
End date: 2016-09-27 00:00:00

              Open         High          Low        Close        Volume  \
count  8256.000000  8256.000000  8256.000000  8256.000000  8.256000e+03   
mean     46.472522    47.047441    45.882564    46.475389  1.290023e+07   
std      20.463781    20.687878    20.250667    20.470789  1.835588e+07   
min      10.250010    10.875000     9.624990    10.125000  3.780000e+04   
25%      35.124990    35.527499    34.625010    35.060001  1.882275e+06   
50%      41.000010    41.500000    40.500000    40.965000  7.037000e+06   
75%      52.612501    53.092500    52.000000    52.542501  1.529572e+07   
max     147.000000   149.124985   144.000000   147.000000  2.172942e+08   

         Adj Close  
count  8256.000000  
mean     22.914243  
std      17.191570  
min       1.514014  
25%       5.380651  
50%      23.981890  
75%      33.764691  
max      68.076434  

In [58]:
print("\nInspect missing values:")
display(dfMain.isnull().sum())


Inspect missing values:
Open         0
High         0
Low          0
Close        0
Volume       0
Adj Close    0
dtype: int64

Since we won't be using data prior to 1993 for training, we can use SPY (S&P 500 ETF) to get trading days and see if we have any data missing for JPM.


In [61]:
spy_dates = pd.date_range('1993-01-29', end_date)
dfSPY = dfSPY.ix[spy_dates, :]
dfSPY.dropna(inplace=True)
print("Number of trading days: {}".format(len(dfSPY)))
print("Number of days where JPM are traded: {}".format(len(dfMain.ix[dfSPY.index, :])))


Number of trading days: 5960
Number of days where JPM are traded: 5960

It seems to be good. Let's look at the first few lines:


In [3]:
display(dfMain.head())


Open High Low Close Volume Adj Close
1983-12-30 44.000008 44.500006 43.500014 44.000008 211500.0 2.602623
1984-01-03 43.937506 44.249986 43.624979 44.000008 385500.0 2.602623
1984-01-04 44.843758 45.874979 44.249986 45.874979 292500.0 2.713529
1984-01-05 46.812508 47.375008 46.250008 47.375008 344100.0 2.802256
1984-01-06 46.875014 47.375008 46.375021 46.875014 194400.0 2.772681

We can see that we have six columns: Open, High, Low, Close, Volume, Adj Close. The Adj Close is the closing price of that day adjusted for "future" dividends payout and splits. For our usage, we will need to adjust the rest of columns as well.

Exploratory Visualization

Now let's have a look on the performance of JPM itself:


In [4]:
dfMain['Adj Close'].plot(figsize=(14, 7))


Out[4]:
<matplotlib.axes._subplots.AxesSubplot at 0x7f8c13357410>

Starting from the beginning, the stock price generally has a upward trend, with a bad time from 2001 to 2003 and the crush at the end of 2008.

Now we can take a look at the correlations between the variables:


In [5]:
g = sns.PairGrid(dfMain)
g.map_upper(plt.scatter, alpha=0.3)
g.map_lower(plt.scatter, alpha=0.3)
g.map_diag(sns.kdeplot, lw=3, legend=False)

plt.subplots_adjust(top=0.95)
g.fig.suptitle('Feature Pair Grid')


Out[5]:
<matplotlib.text.Text at 0x7f8c0d135ad0>

We can see it clearly on the Adj Close rows and columns there are several lines. This is due to the fact that the Adj Close varaible are adjusted for times where there are splits and dividends payout. From here we know we'll need to adjust other variables to match it.

Algorithms and Techniques

Algorithms overview

The trading bot (from now on we refer to it as the Chimp, coined with our wishful expectation that she will be smarter than the Monkey Trader) consists of two parts. In the first part we implement Q-learning and run it through the historical data for some number of iterations to construct the Q-table. The Chimp can then go with the optimal policy by following the action of which the state-action pair has the maximum Q value. However, since the state space is vast and the coverage of the Q-table is very small, in the second part we use supervised learning to train on the Q-table and make predictions for the unseen states.

Reinfocement learning

Q-learning

The core idea of reinforcement learning is simple.

  1. The Chimp senses its environment (data of some sort)
  2. The Chimp takes an action
  3. The Chimp gets a reward for that action she took
  4. The Chimp "remembers" the association between the state-action pair and the reward, so next time when she is in the same situation, she'd carry out the action that she thinks best, under the condition that,
  5. The Chimp has a really good memory so she doesn't just remember the immediate reward for each state-action pair, she also remembers all the rewards that are prior to and lead to the current state-action pair so that she can maximize the total reward she get

One way to do this is to use a method called Q-learning. At the core of Q-learning is the Bellman equation.

In each iteration we use the Bellman equation to update the cell of our Q-table: $$ Q(s, a) \longleftarrow (1 - \alpha) \ Q(s, a) + \alpha \ (R(s) + \gamma \ max_{a'} Q(s', a')) $$

where (s, a) is the state-action pair, $\alpha$ the learning rate, $R(s)$ the reward function, and $\gamma$ the discount factor. And then the Chimp will follow the policy: $$ \pi(s) = argmax_{a}Q(s, a) $$

Although we don't have the Q value of any state-action pair to begin with, the reward function contains the "real" information and throughout the iterations that information will slowly propagate to each state-action pair. At some point the Q values will converge to a practical level (hopefully), and we end up with a Q table in psudo-equilibrium.

Exploration-exploitation dilemma

However, there's a catch. How does the Chimp know what to do before she has learned anything?

One important concept of reinforcement learning is the exploration-exploitation dilemma. Essentially it means when we take an action, we have to choose between whether to explore new possibilities, or just to follow what we've known to be best, to the best of our knowledge. And of course, if we don't know much, then following that limited knowledge of ours wouldn't make much sense. On the other hand, if we've already known pretty much everything, then there's just not much to explore, and wandering around mindlessly wouldn't make sense either.

To implement this concept, we want our Chimp to set out not having a bias (not that she's got much anyways), so we introduce the variable $\epsilon$, which represents the possibility of the Chimp taking random actions. Initially we set $\epsilon = 1$ , and gradually decreases its value as the Chimp getting to know more and more about its environment. As time goes, the Chimp will become wiser and wiser and spends most of her time following what's best for her, and less time on being an explorer.

Supervised learning with random forest

For the supervised learning part, we will use the random forest. The random forest doesn't expect linear features or assuming features interacting with each other linearly. It has the advantage of a decision tree which generally can fit into any shape of data, while being ensemble and eliminates the problem of a decision tree being easily overfitting. The random and ensemble nature of the algorithm makes it very unlikely to overfit on the training data. Since we are combining supervised learning with reinforcement learning, the problem gets more complicated and we will have more parameters to tune, and it's good to have an algorithm that kind of works "out of the box" most of the time. On the other hand, random forest handles high dimensionality very well, which makes feature engineering a bit easier where we don't need to worry too much about whether it's the newly engineered features not representative or it's the algorithm not able to handle the enlarged dimensionality. In addition to this, random forest itself is very easy to tune. We can easily grid search through number of choices of features for each splitting and the number of trees. The ensemble nature of the algorithm also makes it scalable when we need to: 1. train on more data, 2. build more trees, 3. take more stocks into account . Overall, random forest generally gives good results and it has been recognized that ensemble algorithms like random forest perform over other traditional algorithms in the Kaggle community over the years and have become quite popular.

How it works

The random forest is an ensemble method, which "ensembles" a bunch of decision trees. Each decision tree is generated by creating "nodes" with features in our dataset.

Decision tree

In the training stage, a data point comes down and through the nodes of the decision tree. Each node classifies the data point and sends it to the next node. Say, for example we are classifying people to determine whether their annual income is above or below average, and one feature of our data is gender. And we will probably have values like male/female/other. Now say this data point is a female, then it will get sent down the path accordingly to the next node. The node at the bottom of the decision tree is sometimes referred to as a leaf. Our data point will end up in one of the leaves, and the label of the data point is going to mark that leaf. For example, if our data point is above income average, then we mark that leaf as "above count +1". At the end of the training, all leaves will be marked with labels above or below.

In the predicting stage, we run data down the decision tree and see which leaves they end up with. And then we assign the data the labels of the leaves accordingly.

The ensembleness

We now know how each decision tree is constructed and have a forest of decision trees. The last step is to get these decision trees to vote. If 10 trees say this person is above and 5 say below, we predict the person as above.

Randomness of random forest

As said earlier, the decision trees are constructed with the features of our dataset. However, not all of the features are used to construct each decision tree. This is where the random part of the algorithm comes in. Most implementation employs a method called bagging, which generates $m$ sub-datasets from the feature space of the orginal dataset by sampling with replacement, where the size of the sub-datasets is $n'$, relative to the size of the feature space of the original dataset, $n$. The features of each bag are then used to construct a decision tree model.

Other parts of random forest

We won't cover everything about the random forest here. However it's worth noting some of the more important specifics of random forest that are not covered here:

  • Binning of the continuous variables—which are done slightly differently from implementation to implementation
  • Splitting methods—when constructing the decision trees we need to decide which feature to be placed on top of the tree and which to be put at the bottom.
  • Voting methods—we can decide to give each decision tree with the same voting power, or not.
  • Modification of the algorithm for regression problems (recursive partitioning)

Benchmark

We shall set three different benchmarks here. One theoretical, and two practical.

Theoretical benchmark

Since our goal is to make as much money as possible. The best role model we can have, would be a God Chimp. A God Chimp is a Chimp that can foresee the future, and trades accordingly. In our case, this is not very hard to do. We can instantiate a Chimp object and get her to iterate through the entire dataset, until the whole Q-table converges. And with that Q-table in hand, we can get the psudo-perfect action series, which can make us a good deal of money. We then compute the accuracy of the action series of our mortal Chimp for that of the God Chimp. Theoretically speaking, the higher the accuracy, the closer the behavior of the mortal Chimp to the God Chimp, the more money the mortal Chimp would be making.

Practical benchmarks

That said, the ups and downs of the stock market are not really uniformly distributed. This means our mortal Chimp could have a very decent accuracy for the God Chimp, but say, screwed up most of the important part. And therefore not really doing that well. Conversely, it may appear that our mortal Chimp is doing really terrible mimicing the God Chimp, but still makes a lot of money. So we will need some practical benchmarks that are more down to earth.

We shall test our Chimp against 100,000 random Monkeys and the Patient Trader we have defined earlier. Since these two naive traders don't get influenced by the media or manipulated by the market makers, they are proven to perform better than the average investor. We are happy as long as our Chimp can perform better than the Monkey, which means our Chimp is at least better than chance (and therefore better than any average person), and also it'd be great if she can beat the PT. However beating the PT in general means beating the market, which isn't something really easy to do. So we wouldn't expect that much here.

Methodology

Data Preprocessing

Adjust prices


In [6]:
display(dfMain.head())


Open High Low Close Volume Adj Close
1983-12-30 44.000008 44.500006 43.500014 44.000008 211500.0 2.602623
1984-01-03 43.937506 44.249986 43.624979 44.000008 385500.0 2.602623
1984-01-04 44.843758 45.874979 44.249986 45.874979 292500.0 2.713529
1984-01-05 46.812508 47.375008 46.250008 47.375008 344100.0 2.802256
1984-01-06 46.875014 47.375008 46.375021 46.875014 194400.0 2.772681

As said earlier, we need to adjust the prices of Open, High, Low, Close, Volume. This can be done by getting the adjustment fact by dividing Adj Close by Close. We then multiply the prices by this factor, and divide the volume by this factor.


In [7]:
# Adjust Open, High, Low, Volume
dfMain['Adj Factor'] = dfMain['Adj Close'] / dfMain['Close']

dfMain['Open'] = dfMain['Open'] * dfMain['Adj Factor']
dfMain['High'] = dfMain['High'] * dfMain['Adj Factor']
dfMain['Low'] = dfMain['Low'] * dfMain['Adj Factor']
dfMain['Volume'] = dfMain['Volume'] / dfMain['Adj Factor']

dfMain.drop(['Adj Factor'], axis=1, inplace=True)
display(dfMain.head())
display(dfMain.tail())


Open High Low Close Volume Adj Close
1983-12-30 2.602623 2.632198 2.573048 44.000008 3.575624e+06 2.602623
1984-01-03 2.598926 2.617409 2.580440 44.000008 6.517272e+06 2.602623
1984-01-04 2.652532 2.713529 2.617410 45.874979 4.945011e+06 2.713529
1984-01-05 2.768984 2.802256 2.735712 47.375008 5.817363e+06 2.802256
1984-01-06 2.772681 2.802256 2.743106 46.875014 3.286531e+06 2.772681
Open High Low Close Volume Adj Close
2016-09-21 66.839996 67.129997 66.309998 66.839996 14116800.0 66.839996
2016-09-22 66.989998 67.419998 66.839996 67.389999 12781700.0 67.389999
2016-09-23 67.389999 67.900002 67.180000 67.250000 13967400.0 67.250000
2016-09-26 66.599998 66.800003 65.540001 65.779999 16408100.0 65.779999
2016-09-27 65.410004 66.410004 65.110001 66.360001 13580600.0 66.360001

Features engineering using volume price analysis

Volume price analysis has been around for over 100 years, and there are many legendary traders who made themselves famous (and wealthy) using it. In addition to this, the basic principle behind it kind of makes sense on its own, that:

  1. Price can only be moved by volume; large spread pushed by large volume and small spread by low volume
  2. If it's not the case, then there's an anomaly, and you need to be cautious

But then people, especially practioners, tend to think of it as an art rather than science, in that even though you have some clues what's going on on the market, you still don't know what the best timing is. And it takes practice and practice until you "get it".

For we data scientists, everything is science, including art. If a human can stare at the candlesticks telling you when to buy or sell, so can a computer. Thus the following features are extracted from the raw dataset:

For volume:

  • -1d Volume
  • -2d Volume
  • -3d Volume
  • -4d Volume
  • -5d Volume
  • 10d Average Volume
  • 21d Average Volume
  • 63d Average Volume

For price:

  • -1d Spread
  • -2d Spread
  • -3d Spread
  • -4d Spread
  • -5d Spread
  • 10d Spread
  • 21d Spread
  • 63d Spread

For wick:

  • -1d upperwick/lowerwick
  • -2d upperwick/lowerwick
  • -3d upperwick/lowerwick
  • -4d upperwick/lowerwick
  • -5d upperwick/lowerwick
  • 10d upperwick/lowerwick
  • 21d upperwick/lowerwick
  • 63d upperwick/lowerwick

where -nd represents n day in the past.

More details on feature engineering

The reason why we choose 5, 10, 21, 63 days is because these are the common time ranges used in technical analysis, where 5 days correspond to one trading week, 10 to two, and 21 days correspond to one trading month, 63 to three. We don't want to explode our feature space so to start with we use the most recent 5-day data with longer term average data.

Spread and wicks are terms to describe the status of the candlestick chart (see below).

The spread describes the thick body part of the candlestick which shows the difference of the opening price and the closing price. The time frame (in terms of opening/closing) can range from minutes to months depending on what we want to look at (in our case, the time frame is one day). The wicks are the thin lines that extend at the top and the bottom, which describe whether there are stocks traded at prices beyond opening/closing prices during the day (or the specific time frame of interest). As shown in the picture, we can have white or black bodies on the candlestick chart to indicate the direction of the pricing movement, with white meaning $\text{closing price} > \text{opening price}$ and vice versa. On the other hand, a candle can have a upperwick and/or a lowerwick or none at all.

Note that to implement Q-learning we need to make the variables discrete. We use 100 day maximum and 100 day average to divide the above features and get relative levels of those features.

Trading price

We set the trading price of each trading day to be the Adjusted Close: $$ Trade Price = Adj\ Close $$ This information is not available to the Chimp. The properties of the Chimp get updated with this information when she places an order. The portfolio value also gets updated using this price.


In [8]:
# Price Engineering
# Get opens
period_list = [1, 2, 3, 4, 5, 10, 21, 63, 100]
for x in period_list:
    dfMain['-' + str(x) + 'd_Open'] = dfMain['Open'].shift(x)

# Get adjCloses
period_list = xrange(1, 5 + 1)
for x in period_list:
    dfMain['-' + str(x) + 'd_adjClose'] = dfMain['Adj Close'].shift(x)

# Get highs
period_list1 = xrange(1, 5 + 1)
for x in period_list1:
    dfMain['-' + str(x) + 'd_High'] = dfMain['High'].shift(x)

period_list2 = [10, 21, 63, 100]
for x in period_list2:
    dfMain[str(x) + 'd_High'] = dfMain['High'].shift().rolling(window=x).max()

# Get lows
period_list1 = xrange(1, 5 + 1)
for x in period_list1:
    dfMain['-' + str(x) + 'd_Low'] = dfMain['Low'].shift(x)

period_list2 = [10, 21, 63, 100]
for x in period_list2:
    dfMain[str(x) + 'd_Low'] = dfMain['High'].shift().rolling(window=x).min()

In [9]:
# Get Volume Bases
dfMain['100d_Avg_Vol'] = dfMain['Volume'].shift().rolling(window=100).mean() * 1.5
dfMain['100d_Max_Vol'] = dfMain['Volume'].shift().rolling(window=100).max()

# Get Spread Bases
dfMain['Abs_Spread'] = np.abs(dfMain['Adj Close'] - dfMain['Open'])
dfMain['Abs_Spread_Shift1'] = dfMain['Abs_Spread'].shift()
dfMain['100d_Avg_Spread'] = dfMain['Abs_Spread_Shift1'].rolling(window=100).mean() * 1.5
dfMain['100d_Max_Spread'] = dfMain['100d_High'] - dfMain['100d_Low']

dfMain.drop(['Abs_Spread_Shift1', 'Abs_Spread'], axis=1, inplace=True)

display(dfMain.tail())
display(dfMain.ix[datetime(2011, 12, 30)][['Open', 'Adj Close']])


Open High Low Close Volume Adj Close -1d_Open -2d_Open -3d_Open -4d_Open -5d_Open -10d_Open -21d_Open -63d_Open -100d_Open -1d_adjClose -2d_adjClose -3d_adjClose -4d_adjClose -5d_adjClose -1d_High -2d_High -3d_High -4d_High -5d_High 10d_High 21d_High 63d_High 100d_High -1d_Low -2d_Low -3d_Low -4d_Low -5d_Low 10d_Low 21d_Low 63d_Low 100d_Low 100d_Avg_Vol 100d_Max_Vol 100d_Avg_Spread 100d_Max_Spread
2016-09-21 66.839996 67.129997 66.309998 66.839996 14116800.0 66.839996 66.750000 66.150002 66.089996 66.290001 66.269997 67.160004 65.750000 62.463746 62.602664 66.459999 66.190002 65.820000 66.639999 66.400002 66.849998 66.639999 66.260002 66.930000 67.250000 67.680000 67.769997 67.769997 67.769997 66.239998 65.849998 65.440002 66.089996 66.209999 66.260002 65.879997 58.296187 58.296187 2.162303e+07 4.445207e+07 0.555336 9.473810
2016-09-22 66.989998 67.419998 66.839996 67.389999 12781700.0 67.389999 66.839996 66.750000 66.150002 66.089996 66.290001 67.220001 66.070000 63.207953 63.198027 66.839996 66.459999 66.190002 65.820000 66.639999 67.129997 66.849998 66.639999 66.260002 66.930000 67.680000 67.769997 67.769997 67.769997 66.309998 66.239998 65.849998 65.440002 66.089996 66.260002 66.139999 58.296187 58.296187 2.158722e+07 4.445207e+07 0.553699 9.473810
2016-09-23 67.389999 67.900002 67.180000 67.250000 13967400.0 67.250000 66.989998 66.839996 66.750000 66.150002 66.089996 67.029999 65.989998 60.012824 62.414134 67.389999 66.839996 66.459999 66.190002 65.820000 67.419998 67.129997 66.849998 66.639999 66.260002 67.430000 67.769997 67.769997 67.769997 66.839996 66.309998 66.239998 65.849998 65.440002 66.260002 66.139999 58.296187 58.296187 2.162404e+07 4.445207e+07 0.558211 9.473810
2016-09-26 66.599998 66.800003 65.540001 65.779999 16408100.0 65.779999 67.389999 66.989998 66.839996 66.750000 66.150002 66.139999 65.910004 58.256495 61.273014 67.250000 67.389999 66.839996 66.459999 66.190002 67.900002 67.419998 67.129997 66.849998 66.639999 67.900002 67.900002 67.900002 67.900002 67.180000 66.839996 66.309998 66.239998 65.849998 66.260002 66.139999 58.296187 58.296187 2.154451e+07 4.445207e+07 0.555250 9.603815
2016-09-27 65.410004 66.410004 65.110001 66.360001 13580600.0 66.360001 66.599998 67.389999 66.989998 66.839996 66.750000 66.110001 66.330002 58.732788 61.124170 65.779999 67.250000 67.389999 66.839996 66.459999 66.800003 67.900002 67.419998 67.129997 66.849998 67.900002 67.900002 67.900002 67.900002 65.540001 67.180000 66.839996 66.309998 66.239998 66.260002 66.260002 59.090007 58.296187 2.153319e+07 4.445207e+07 0.564871 9.603815
Open         29.013163
Adj Close    29.135839
Name: 2011-12-30 00:00:00, dtype: float64

In [10]:
@jit
def relative_transform(num):
    if 0 <= num < 0.25:
        return 1
    elif 0.25 <= num < 0.5:
        return 2
    elif 0.5 <= num < 0.75:
        return 3
    elif 0.75 <= num < 1:
        return 4
    elif 1 <= num:
        return 5
    elif -0.25 <= num < 0:
        return -1
    elif -0.5 <= num < -0.25:
        return -2
    elif -0.75 <= num < -0.5:
        return -3
    elif -1 <= num < -0.75:
        return -4
    elif num < -1:
        return -5
    else:
        num

# Volume Engineering
# Get volumes
period_list = xrange(1, 5 + 1)
for x in period_list:
    dfMain['-' + str(x) + 'd_Vol'] = dfMain['Volume'].shift(x)

# Get avg. volumes
period_list = [10, 21, 63]
for x in period_list:
    dfMain[str(x) + 'd_Avg_Vol'] = dfMain['Volume'].shift().rolling(window=x).mean()

# Get relative volumes 1
period_list = range(1, 5 + 1)
for x in period_list:
    dfMain['-' + str(x) + 'd_Vol1'] = dfMain['-' + str(x) + 'd_Vol'] / dfMain['100d_Avg_Vol']
    dfMain['-' + str(x) + 'd_Vol1'] = dfMain['-' + str(x) + 'd_Vol1'].apply(relative_transform)

# Get relative avg. volumes 1
period_list = [10, 21, 63]
for x in period_list:
    dfMain[str(x) + 'd_Avg_Vol1'] = dfMain[str(x) + 'd_Avg_Vol'] / dfMain['100d_Avg_Vol']
    dfMain[str(x) + 'd_Avg_Vol1'] = dfMain[str(x) + 'd_Avg_Vol1'].apply(relative_transform)

# Get relative volumes 2
period_list = xrange(1, 5 + 1)
for x in period_list:
    dfMain['-' + str(x) + 'd_Vol2'] = dfMain['-' + str(x) + 'd_Vol'] / dfMain['100d_Max_Vol']
    dfMain['-' + str(x) + 'd_Vol2'] = dfMain['-' + str(x) + 'd_Vol2'].apply(relative_transform)

In [11]:
# Spread Engineering
# Get spread
period_list1 = xrange(1, 5 + 1)
period_list2 = [10, 21, 63]

for x in period_list1:
    dfMain['-' + str(x) + 'd_Spread'] = dfMain['-' + str(x) + 'd_adjClose'] - dfMain['-' + str(x) + 'd_Open']    

for x in period_list2:
    dfMain[str(x) + 'd_Spread'] = dfMain['-1d_adjClose'] - dfMain['-' + str(x) + 'd_Open']

# Get relative spread
period_list1 = xrange(1, 5 + 1)
period_list2 = [10, 21, 63]

for x in period_list1:
    dfMain['-' + str(x) + 'd_Spread'] = dfMain['-' + str(x) + 'd_Spread'] / dfMain['100d_Avg_Spread']
    dfMain['-' + str(x) + 'd_Spread'] = dfMain['-' + str(x) + 'd_Spread'].apply(relative_transform)

for x in period_list2:
    dfMain[str(x) + 'd_Spread'] = dfMain[str(x) + 'd_Spread'] / dfMain['100d_Max_Spread']
    dfMain[str(x) + 'd_Spread'] = dfMain[str(x) + 'd_Spread'].apply(relative_transform)

display(dfMain[['-1d_Spread', '-2d_Spread', '-3d_Spread', '-4d_Spread', '-5d_Spread', '21d_Spread']].tail())


-1d_Spread -2d_Spread -3d_Spread -4d_Spread -5d_Spread 21d_Spread
2016-09-21 -3.0 1.0 -2.0 3.0 1.0 1.0
2016-09-22 1.0 -3.0 1.0 -2.0 3.0 1.0
2016-09-23 3.0 1.0 -3.0 1.0 -2.0 1.0
2016-09-26 -2.0 3.0 1.0 -3.0 1.0 1.0
2016-09-27 -5.0 -1.0 3.0 1.0 -3.0 -1.0

In [12]:
# Get wicks
@jit
def upperwick(open, adj_close, high):
    if high > open and high > adj_close:
        return True
    else:
        return False
def lowerwick(open, adj_close, low):
    if low < open and low < adj_close:
        return True
    else:
        return False

start_time = time.time()
    
period_list1 = xrange(1, 5 + 1)
period_list2 = [10, 21, 63, 100]
for x in period_list1:
    dfMain.ix[:, '-' + str(x) + 'd_upperwick_bool'] = dfMain.apply(lambda row: upperwick(row['-' + str(x) + 'd_Open'], row['-' + str(x) + 'd_adjClose'], row['-' + str(x) + 'd_High']), axis=1)
    dfMain.ix[:, '-' + str(x) + 'd_lowerwick_bool'] = dfMain.apply(lambda row: lowerwick(row['-' + str(x) + 'd_Open'], row['-' + str(x) + 'd_adjClose'], row['-' + str(x) + 'd_Low']), axis=1)
    
for x in period_list2:
    dfMain.ix[:, str(x) + 'd_upperwick_bool'] = dfMain.apply(lambda row: upperwick(row['-' + str(x) + 'd_Open'], row['-1d_adjClose'], row[str(x) + 'd_High']), axis=1)
    dfMain.ix[:, str(x) + 'd_lowerwick_bool'] = dfMain.apply(lambda row: lowerwick(row['-' + str(x) + 'd_Open'], row['-1d_adjClose'], row[str(x) + 'd_Low']), axis=1)

print("Getting wicks took {} seconds.".format(time.time() - start_time))


Getting wicks took 8.72208499908 seconds.

In [13]:
@jit
def get_upperwick_length(open, adj_close, high):
    return high - max(open, adj_close)
@jit
def get_lowerwick_length(open, adj_close, low):
    return min(open, adj_close) - low
    
start_time = time.time()

# Transform upper wicks
period_list1 = xrange(1, 5 + 1)
period_list2 = [10, 21, 63]

for x in period_list1:
    has_upperwicks = dfMain['-' + str(x) + 'd_upperwick_bool']
    has_lowerwicks = dfMain['-' + str(x) + 'd_lowerwick_bool']
    
    dfMain.loc[has_upperwicks, '-' + str(x) + 'd_upperwick'] = dfMain.loc[has_upperwicks, :].apply(lambda row: get_upperwick_length(row['-' + str(x) + 'd_Open'], row['-' + str(x) + 'd_adjClose'], row['-' + str(x) + 'd_High']), axis=1)
    dfMain.loc[has_lowerwicks, '-' + str(x) + 'd_lowerwick'] = dfMain.loc[has_lowerwicks, :].apply(lambda row: get_lowerwick_length(row['-' + str(x) + 'd_Open'], row['-' + str(x) + 'd_adjClose'], row['-' + str(x) + 'd_Low']), axis=1)
    
    # Get relative upperwick length
    dfMain.loc[dfMain['-' + str(x) + 'd_upperwick_bool'], '-' + str(x) + 'd_upperwick'] = dfMain.loc[dfMain['-' + str(x) + 'd_upperwick_bool'], '-' + str(x) + 'd_upperwick'] / dfMain.loc[dfMain['-' + str(x) + 'd_upperwick_bool'], '100d_Avg_Spread']
    # Get relative lowerwick length
    dfMain.loc[dfMain['-' + str(x) + 'd_lowerwick_bool'], '-' + str(x) + 'd_lowerwick'] = dfMain.loc[dfMain['-' + str(x) + 'd_lowerwick_bool'], '-' + str(x) + 'd_lowerwick'] / dfMain.loc[dfMain['-' + str(x) + 'd_lowerwick_bool'], '100d_Avg_Spread']

    # Transform upperwick ratio to int
    dfMain.loc[dfMain['-' + str(x) + 'd_upperwick_bool'], '-' + str(x) + 'd_upperwick'] = dfMain.loc[dfMain['-' + str(x) + 'd_upperwick_bool'], '-' + str(x) + 'd_upperwick'].apply(relative_transform)
    # Transform lowerwick ratio to int
    dfMain.loc[dfMain['-' + str(x) + 'd_lowerwick_bool'], '-' + str(x) + 'd_lowerwick'] = dfMain.loc[dfMain['-' + str(x) + 'd_lowerwick_bool'], '-' + str(x) + 'd_lowerwick'].apply(relative_transform)

    # Assign 0 to no-upperwick days
    dfMain.loc[np.logical_not(dfMain['-' + str(x) + 'd_upperwick_bool']), '-' + str(x) + 'd_upperwick'] = 0
    # Assign 0 to no-lowerwick days
    dfMain.loc[np.logical_not(dfMain['-' + str(x) + 'd_lowerwick_bool']), '-' + str(x) + 'd_lowerwick'] = 0

for x in period_list2:
    has_upperwicks = dfMain[str(x) + 'd_upperwick_bool']
    has_lowerwicks = dfMain[str(x) + 'd_lowerwick_bool']
        
    dfMain.loc[has_upperwicks, str(x) + 'd_upperwick'] = dfMain.loc[has_upperwicks, :].apply(lambda row: get_upperwick_length(row['-' + str(x) + 'd_Open'], row['-1d_adjClose'], row[str(x) + 'd_High']), axis=1)
    dfMain.loc[has_lowerwicks, str(x) + 'd_lowerwick'] = dfMain.loc[has_lowerwicks, :].apply(lambda row: get_lowerwick_length(row['-' + str(x) + 'd_Open'], row['-1d_adjClose'], row[str(x) + 'd_Low']), axis=1)
    
    # Get relative upperwick length
    dfMain.loc[dfMain[str(x) + 'd_upperwick_bool'], str(x) + 'd_upperwick'] = dfMain.loc[dfMain[str(x) + 'd_upperwick_bool'], str(x) + 'd_upperwick'] / dfMain.loc[dfMain[str(x) + 'd_upperwick_bool'], '100d_Avg_Spread']
    # Get relative lowerwick length
    dfMain.loc[dfMain[str(x) + 'd_lowerwick_bool'], str(x) + 'd_lowerwick'] = dfMain.loc[dfMain[str(x) + 'd_lowerwick_bool'], str(x) + 'd_lowerwick'] / dfMain.loc[dfMain[str(x) + 'd_lowerwick_bool'], '100d_Avg_Spread']

    # Transform upperwick ratio to int
    dfMain.loc[dfMain[str(x) + 'd_upperwick_bool'], str(x) + 'd_upperwick'] = dfMain.loc[dfMain[str(x) + 'd_upperwick_bool'], str(x) + 'd_upperwick'].apply(relative_transform)
    # Transform lowerwick ratio to int
    dfMain.loc[dfMain[str(x) + 'd_lowerwick_bool'], str(x) + 'd_lowerwick'] = dfMain.loc[dfMain[str(x) + 'd_lowerwick_bool'], str(x) + 'd_lowerwick'].apply(relative_transform)
    
    # Assign 0 to no-upperwick days
    dfMain.loc[np.logical_not(dfMain[str(x) + 'd_upperwick_bool']), str(x) + 'd_upperwick'] = 0
    # Assign 0 to no-lowerwick days
    dfMain.loc[np.logical_not(dfMain[str(x) + 'd_lowerwick_bool']), str(x) + 'd_lowerwick'] = 0

print("Transforming wicks took {} seconds.".format(time.time() - start_time))


Transforming wicks took 7.03627705574 seconds.

In [14]:
display(dfMain[['-1d_lowerwick', '-2d_lowerwick', '-3d_lowerwick', '-4d_lowerwick', '-5d_lowerwick', '10d_lowerwick', '21d_lowerwick', '63d_lowerwick']].isnull().sum())


-1d_lowerwick    65
-2d_lowerwick    65
-3d_lowerwick    65
-4d_lowerwick    64
-5d_lowerwick    63
10d_lowerwick    30
21d_lowerwick    41
63d_lowerwick    27
dtype: int64

In [15]:
display(dfMain.head())
display(dfMain.tail())


Open High Low Close Volume Adj Close -1d_Open -2d_Open -3d_Open -4d_Open -5d_Open -10d_Open -21d_Open -63d_Open -100d_Open -1d_adjClose -2d_adjClose -3d_adjClose -4d_adjClose -5d_adjClose -1d_High -2d_High -3d_High -4d_High -5d_High ... -5d_lowerwick_bool 10d_upperwick_bool 10d_lowerwick_bool 21d_upperwick_bool 21d_lowerwick_bool 63d_upperwick_bool 63d_lowerwick_bool 100d_upperwick_bool 100d_lowerwick_bool -1d_upperwick -1d_lowerwick -2d_upperwick -2d_lowerwick -3d_upperwick -3d_lowerwick -4d_upperwick -4d_lowerwick -5d_upperwick -5d_lowerwick 10d_upperwick 10d_lowerwick 21d_upperwick 21d_lowerwick 63d_upperwick 63d_lowerwick
1983-12-30 2.602623 2.632198 2.573048 44.000008 3.575624e+06 2.602623 NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN NaN ... False False False False False False False False False 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0
1984-01-03 2.598926 2.617409 2.580440 44.000008 6.517272e+06 2.602623 2.602623 NaN NaN NaN NaN NaN NaN NaN NaN 2.602623 NaN NaN NaN NaN 2.632198 NaN NaN NaN NaN ... False False False False False False False False False NaN NaN 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0
1984-01-04 2.652532 2.713529 2.617410 45.874979 4.945011e+06 2.713529 2.598926 2.602623 NaN NaN NaN NaN NaN NaN NaN 2.602623 2.602623 NaN NaN NaN 2.617409 2.632198 NaN NaN NaN ... False False False False False False False False False NaN NaN NaN NaN 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0
1984-01-05 2.768984 2.802256 2.735712 47.375008 5.817363e+06 2.802256 2.652532 2.598926 2.602623 NaN NaN NaN NaN NaN NaN 2.713529 2.602623 2.602623 NaN NaN 2.713529 2.617409 2.632198 NaN NaN ... False False False False False False False False False 0.0 NaN NaN NaN NaN NaN 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0
1984-01-06 2.772681 2.802256 2.743106 46.875014 3.286531e+06 2.772681 2.768984 2.652532 2.598926 2.602623 NaN NaN NaN NaN NaN 2.802256 2.713529 2.602623 2.602623 NaN 2.802256 2.713529 2.617409 2.632198 NaN ... False False False False False False False False False 0.0 NaN 0.0 NaN NaN NaN NaN NaN 0.0 0.0 0.0 0.0 0.0 0.0 0.0 0.0

5 rows × 105 columns

Open High Low Close Volume Adj Close -1d_Open -2d_Open -3d_Open -4d_Open -5d_Open -10d_Open -21d_Open -63d_Open -100d_Open -1d_adjClose -2d_adjClose -3d_adjClose -4d_adjClose -5d_adjClose -1d_High -2d_High -3d_High -4d_High -5d_High ... -5d_lowerwick_bool 10d_upperwick_bool 10d_lowerwick_bool 21d_upperwick_bool 21d_lowerwick_bool 63d_upperwick_bool 63d_lowerwick_bool 100d_upperwick_bool 100d_lowerwick_bool -1d_upperwick -1d_lowerwick -2d_upperwick -2d_lowerwick -3d_upperwick -3d_lowerwick -4d_upperwick -4d_lowerwick -5d_upperwick -5d_lowerwick 10d_upperwick 10d_lowerwick 21d_upperwick 21d_lowerwick 63d_upperwick 63d_lowerwick
2016-09-21 66.839996 67.129997 66.309998 66.839996 14116800.0 66.839996 66.750000 66.150002 66.089996 66.290001 66.269997 67.160004 65.750000 62.463746 62.602664 66.459999 66.190002 65.820000 66.639999 66.400002 66.849998 66.639999 66.260002 66.930000 67.250000 ... True True True True False True True True True 1.0 2.0 4.0 3.0 2.0 3.0 3.0 2.0 5.0 1.0 4.0 2.0 5.0 0.0 5.0 5.0
2016-09-22 66.989998 67.419998 66.839996 67.389999 12781700.0 67.389999 66.839996 66.750000 66.150002 66.089996 66.290001 67.220001 66.070000 63.207953 63.198027 66.839996 66.459999 66.190002 65.820000 66.639999 67.129997 66.849998 66.639999 66.260002 66.930000 ... True True True True False True True True True 3.0 4.0 1.0 2.0 4.0 3.0 2.0 3.0 3.0 2.0 4.0 5.0 5.0 0.0 5.0 5.0
2016-09-23 67.389999 67.900002 67.180000 67.250000 13967400.0 67.250000 66.989998 66.839996 66.750000 66.150002 66.089996 67.029999 65.989998 60.012824 62.414134 67.389999 66.839996 66.459999 66.190002 65.820000 67.419998 67.129997 66.849998 66.639999 66.260002 ... True True True True False True True True True 1.0 2.0 3.0 4.0 1.0 2.0 4.0 3.0 2.0 3.0 1.0 5.0 3.0 0.0 3.0 5.0
2016-09-26 66.599998 66.800003 65.540001 65.779999 16408100.0 65.779999 67.389999 66.989998 66.839996 66.750000 66.150002 66.139999 65.910004 58.256495 61.273014 67.250000 67.389999 66.839996 66.459999 66.190002 67.900002 67.419998 67.129997 66.849998 66.639999 ... True True False True False True False True True 4.0 1.0 1.0 2.0 3.0 4.0 1.0 2.0 4.0 3.0 5.0 0.0 5.0 0.0 5.0 0.0
2016-09-27 65.410004 66.410004 65.110001 66.360001 13580600.0 66.360001 66.599998 67.389999 66.989998 66.839996 66.750000 66.110001 66.330002 58.732788 61.124170 65.779999 67.250000 67.389999 66.839996 66.459999 66.800003 67.900002 67.419998 67.129997 66.849998 ... True True False True False True False True True 2.0 2.0 4.0 1.0 1.0 2.0 3.0 4.0 1.0 2.0 5.0 0.0 5.0 0.0 5.0 0.0

5 rows × 105 columns


In [16]:
dfMain['Trade Price'] = dfMain['Adj Close']
print(dfMain[['Trade Price', 'Open', 'Adj Close']].head())


            Trade Price      Open  Adj Close
1983-12-30     2.602623  2.602623   2.602623
1984-01-03     2.602623  2.598926   2.602623
1984-01-04     2.713529  2.652532   2.713529
1984-01-05     2.802256  2.768984   2.802256
1984-01-06     2.772681  2.772681   2.772681

In [17]:
display(dfMain.columns)


Index([u'Open', u'High', u'Low', u'Close', u'Volume', u'Adj Close',
       u'-1d_Open', u'-2d_Open', u'-3d_Open', u'-4d_Open',
       ...
       u'-4d_lowerwick', u'-5d_upperwick', u'-5d_lowerwick', u'10d_upperwick',
       u'10d_lowerwick', u'21d_upperwick', u'21d_lowerwick', u'63d_upperwick',
       u'63d_lowerwick', u'Trade Price'],
      dtype='object', length=106)

In [18]:
dfMain.drop(['Open', 'High', 'Low', 'Close', 'Adj Close', 'Volume', \
             '-1d_Vol', '-2d_Vol', '-3d_Vol', '-4d_Vol', '-5d_Vol', '10d_Avg_Vol', '21d_Avg_Vol', '63d_Avg_Vol', \
             '-1d_Open', '-2d_Open', '-3d_Open', '-4d_Open', '-5d_Open', '-10d_Open', '-21d_Open', '-63d_Open', '-100d_Open',  \
             '-1d_adjClose', '-2d_adjClose', '-3d_adjClose', '-4d_adjClose', '-5d_adjClose', \
             '-1d_High', '-2d_High', '-3d_High', '-4d_High', '-5d_High', '10d_High', '21d_High', '63d_High', '100d_High',  \
             '-1d_Low', '-2d_Low', '-3d_Low', '-4d_Low', '-5d_Low', '10d_Low', '21d_Low', '63d_Low', '100d_Low',  \
             '100d_Avg_Vol', '100d_Max_Vol', '100d_Avg_Spread', '100d_Max_Spread', \
             '-1d_upperwick_bool', '-2d_upperwick_bool', '-3d_upperwick_bool', '-4d_upperwick_bool', '-5d_upperwick_bool', '10d_upperwick_bool', '21d_upperwick_bool', '63d_upperwick_bool', '100d_upperwick_bool', \
             '-1d_lowerwick_bool', '-2d_lowerwick_bool', '-3d_lowerwick_bool', '-4d_lowerwick_bool', '-5d_lowerwick_bool', '10d_lowerwick_bool', '21d_lowerwick_bool', '63d_lowerwick_bool', '100d_lowerwick_bool'], \
            axis=1, inplace=True)

In [19]:
display(dfMain.columns)
dfMain.dropna(inplace=True)
len(dfMain.columns)


Index([u'-1d_Vol1', u'-2d_Vol1', u'-3d_Vol1', u'-4d_Vol1', u'-5d_Vol1',
       u'10d_Avg_Vol1', u'21d_Avg_Vol1', u'63d_Avg_Vol1', u'-1d_Vol2',
       u'-2d_Vol2', u'-3d_Vol2', u'-4d_Vol2', u'-5d_Vol2', u'-1d_Spread',
       u'-2d_Spread', u'-3d_Spread', u'-4d_Spread', u'-5d_Spread',
       u'10d_Spread', u'21d_Spread', u'63d_Spread', u'-1d_upperwick',
       u'-1d_lowerwick', u'-2d_upperwick', u'-2d_lowerwick', u'-3d_upperwick',
       u'-3d_lowerwick', u'-4d_upperwick', u'-4d_lowerwick', u'-5d_upperwick',
       u'-5d_lowerwick', u'10d_upperwick', u'10d_lowerwick', u'21d_upperwick',
       u'21d_lowerwick', u'63d_upperwick', u'63d_lowerwick', u'Trade Price'],
      dtype='object')
Out[19]:
38

In [22]:
data_full = copy(dfMain)

In [23]:
display(data_full.head())
display(data_full.tail())


-1d_Vol1 -2d_Vol1 -3d_Vol1 -4d_Vol1 -5d_Vol1 10d_Avg_Vol1 21d_Avg_Vol1 63d_Avg_Vol1 -1d_Vol2 -2d_Vol2 -3d_Vol2 -4d_Vol2 -5d_Vol2 -1d_Spread -2d_Spread -3d_Spread -4d_Spread -5d_Spread 10d_Spread 21d_Spread 63d_Spread -1d_upperwick -1d_lowerwick -2d_upperwick -2d_lowerwick -3d_upperwick -3d_lowerwick -4d_upperwick -4d_lowerwick -5d_upperwick -5d_lowerwick 10d_upperwick 10d_lowerwick 21d_upperwick 21d_lowerwick 63d_upperwick 63d_lowerwick Trade Price
1984-05-23 1.0 5.0 1.0 2.0 1.0 2.0 2.0 3.0 1.0 2.0 1.0 1.0 1.0 -5.0 -5.0 4.0 -4.0 -2.0 -4.0 -2.0 -3.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 0.0 3.0 0.0 0.0 5.0 0.0 5.0 0.0 2.474736
1984-05-24 2.0 1.0 5.0 1.0 2.0 2.0 2.0 3.0 1.0 1.0 2.0 1.0 1.0 -5.0 -5.0 -5.0 4.0 -4.0 -4.0 -3.0 -4.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 4.0 0.0 5.0 0.0 5.0 0.0 2.497335
1984-05-25 5.0 2.0 1.0 5.0 1.0 5.0 3.0 3.0 5.0 1.0 1.0 1.0 1.0 -3.0 -5.0 -5.0 -5.0 4.0 -3.0 -3.0 -4.0 5.0 2.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 4.0 0.0 5.0 0.0 5.0 0.0 2.486037
1984-05-29 2.0 5.0 2.0 1.0 5.0 5.0 3.0 3.0 1.0 5.0 1.0 1.0 1.0 -2.0 -3.0 -5.0 -5.0 -5.0 -2.0 -3.0 -3.0 4.0 4.0 5.0 2.0 4.0 0.0 3.0 5.0 0.0 0.0 5.0 0.0 5.0 0.0 5.0 0.0 2.395634
1984-05-30 2.0 2.0 5.0 2.0 1.0 5.0 3.0 3.0 1.0 1.0 5.0 1.0 1.0 -5.0 -2.0 -3.0 -5.0 -5.0 -2.0 -4.0 -4.0 2.0 5.0 4.0 4.0 5.0 2.0 4.0 0.0 3.0 5.0 5.0 0.0 5.0 0.0 5.0 0.0 2.271333
-1d_Vol1 -2d_Vol1 -3d_Vol1 -4d_Vol1 -5d_Vol1 10d_Avg_Vol1 21d_Avg_Vol1 63d_Avg_Vol1 -1d_Vol2 -2d_Vol2 -3d_Vol2 -4d_Vol2 -5d_Vol2 -1d_Spread -2d_Spread -3d_Spread -4d_Spread -5d_Spread 10d_Spread 21d_Spread 63d_Spread -1d_upperwick -1d_lowerwick -2d_upperwick -2d_lowerwick -3d_upperwick -3d_lowerwick -4d_upperwick -4d_lowerwick -5d_upperwick -5d_lowerwick 10d_upperwick 10d_lowerwick 21d_upperwick 21d_lowerwick 63d_upperwick 63d_lowerwick Trade Price
2016-09-21 2.0 3.0 5.0 3.0 3.0 3.0 3.0 3.0 1.0 2.0 3.0 2.0 2.0 -3.0 1.0 -2.0 3.0 1.0 -1.0 1.0 2.0 1.0 2.0 4.0 3.0 2.0 3.0 3.0 2.0 5.0 1.0 4.0 2.0 5.0 0.0 5.0 5.0 66.839996
2016-09-22 3.0 2.0 3.0 5.0 3.0 3.0 3.0 3.0 2.0 1.0 2.0 3.0 2.0 1.0 -3.0 1.0 -2.0 3.0 -1.0 1.0 2.0 3.0 4.0 1.0 2.0 4.0 3.0 2.0 3.0 3.0 2.0 4.0 5.0 5.0 0.0 5.0 5.0 67.389999
2016-09-23 3.0 3.0 2.0 3.0 5.0 3.0 3.0 3.0 2.0 2.0 1.0 2.0 3.0 3.0 1.0 -3.0 1.0 -2.0 1.0 1.0 4.0 1.0 2.0 3.0 4.0 1.0 2.0 4.0 3.0 2.0 3.0 1.0 5.0 3.0 0.0 3.0 5.0 67.250000
2016-09-26 3.0 3.0 3.0 2.0 3.0 3.0 3.0 3.0 2.0 2.0 2.0 1.0 2.0 -2.0 3.0 1.0 -3.0 1.0 1.0 1.0 4.0 4.0 1.0 1.0 2.0 3.0 4.0 1.0 2.0 4.0 3.0 5.0 0.0 5.0 0.0 5.0 0.0 65.779999
2016-09-27 4.0 3.0 3.0 3.0 2.0 3.0 3.0 3.0 2.0 2.0 2.0 2.0 1.0 -5.0 -1.0 3.0 1.0 -3.0 -1.0 -1.0 3.0 2.0 2.0 4.0 1.0 1.0 2.0 3.0 4.0 1.0 2.0 5.0 0.0 5.0 0.0 5.0 0.0 66.360001

Implementation

The problem with time series data in contrast to cross-sectional ones is that we cannot rely on conventional methods such as cross-validation or the usual 4:3:3 train-cv-test testing framework, as all of these methods are based on the assumption that all our data are drawn from the same population and a careful selection of a sample (samples) with proper modelling can say a lot about the entire population (and of course, about the other carefully drawn samples). However, we are not so lucky when it comes to dealing with time series data, mostly because:

  1. Most if not all of the time our model really isn't the underlying model, that is, the data doesn't really come from the model we use. So it works only for really limited range of time and as the time series gets longer the difference between our model on the training set and the underlying model starts to show.

  2. Essentially the system we are looking at is a time-dependent one so the underlying model itself most likely changes from time to time (unless we're talking about some grand unified model that can model the whole universe), in which case, assuming one model structure will work on the entire period of data is just wishful thinking.

That said, a lot of time we wish that in the process of our research, we can find some "invariants" (or least psudo-invariants) in our data that doesn't change as time goes. Still, we don't know if they are out there or not.

Training-testing framework

As said above, we will thus employ a training-testing framework that rolls as time goes. In our case, we keep 35 trading months of data for training (how this is determined will be shown later), and use the model to predict for 7 days, and since we are probably more interested in the performance of the JPM of the recent years we will proceed as following:

  1. Use data from September 25, 2006 to September 25, 2011 as our validation dataset, and
  2. Use data from September 26, 2011 to September 27, 2016 as our test dataset
  3. Use 35 months of data prior to prediction period as our training set.

Parameters for Q learning

We start off setting our parameters as follows:

  • Discount factor: $\gamma = 0.75$
  • Learning rate: $\alpha = \frac{1}{t}$, where $t$ is the number of time a state-action pair gets updated
  • Eploitation-exploration ratio: $\epsilon = \epsilon - \frac{1}{\text{iter_number}}$
  • Number of iteration: iter_number = 5000

Other assumptions

  1. Trading price—as mentioned earlier, we assume the trading price to be the same as the Adjusted Close.

  2. No transaction cost—this can simplify the problem so that we can focus on modelling.

  3. Two actions—we limit ourselves to only two actions, buy and sell. Again since there's no transaction cost, buying when there's no cash is equivalent to hold (and similar for the sell case). By limiting the size of the action space it's easier for our Q value to converge.

Benchmarks for the two phases

As mentioned above, we will use a roll-forward training framework to build our Chimp. We will first give it a few tries and fine-tune our parameters on the validation dataset. We shall call this the validation phase. And then we'll move on the to test on the test dataset, which will be referred to as the test phase.

We will set up our two benchmarks for the two phases for comparison. To recap, which include:

  1. Performances of the Patient Trader
  2. Performances of the Monkey
  3. Action series of the God Chimp

In [24]:
validation_start_date = datetime(2006, 9, 25)
validation_end_date = datetime(2011, 9, 27)
test_start_date = datetime(2011, 9, 26)
test_end_date = datetime(2016, 9, 27)

print("Validation phase")
print("{0} Trade Price: {1}".format(validation_start_date, data_full.ix[validation_start_date, 'Trade Price']))
print("{0} Trade Price: {1}".format(validation_end_date, data_full.ix[validation_end_date, 'Trade Price']))
validation_phase_data = data_full.ix[validation_start_date:validation_end_date, :]
print("Number of dates in validation dataset: {}\n".format(len(validation_phase_data)))

print("Test phase")
print("{0} Trade Price: {1}".format(test_start_date, data_full.ix[test_start_date, 'Trade Price']))
print("{0} Trade Price: {1}".format(test_end_date, data_full.ix[test_end_date, 'Trade Price']))
test_phase_data = data_full.ix[test_start_date:test_end_date, :]
print("Number of dates in test dataset: {}".format(len(test_phase_data)))


Validation phase
2006-09-25 00:00:00 Trade Price: 36.610129
2011-09-27 00:00:00 Trade Price: 27.422319
Number of dates in validation dataset: 1262

Test phase
2011-09-26 00:00:00 Trade Price: 27.491809
2016-09-27 00:00:00 Trade Price: 66.360001
Number of dates in test dataset: 1260

Performances of the Patient Trader

Validation phase (2006-9-25 ~ 2011-9-25)
Start

$Cash_{init} = 1000.00$

$Share_{init} = 0$

$PV_{init} = 0$

$Trading \ Price_{init} = 36.61$


$Share_{start} = floor(\frac{1000.00}{36.61}) = 27$

$PV_{start} = 36.61 \cdot 27 = 988.47$

$Cash_{start} = Cash_{init} - PV_{start} = 1000.00 - 988.47 = 11.53$

$Total \ Assets_{start} = Cash_{start} + PV_{start} = 1000.00$

End

$Cash_{end} = 11.53$ $Share_{end} = 27$ $Trading \ Price_{end} = 27.42$


$PV_{end} = 27.42 \cdot 27 = 740.34$

$Total \ Assets_{end} = Cash_{end} + PV_{end} = 11.53 + 740.34 = 751.87$

We can calculate the annual ROI by solving the following equation for $r_{val}$: $$ (1 + r)^{1260/252} = 0.7519 $$

$$ \Longrightarrow \boxed{r_{val} = -0.05543464 \approx -5.54\%} $$
Test phase (2006-9-25 ~ 2011-9-25)

Similarly, we will have $$ \boxed{r_{test} = 0.1912884 \approx 19.13\%} $$

Performances of the Monkey

We use a MonkeyBot class which will place one and only one order randomly everyday. We iterate it through the time frame we choose 100,000 times and we get the following distributions:


In [25]:
import random
import time
from copy import deepcopy

class MonkeyBot(object):
    def __init__(self, dfEnv, cash=1000, share=0, pv=0, now_yes_share=0, random_state=0):
        random.seed(random_state)
        self.cash = cash
        self.share = share
        self.pv = pv
        self.pv_history_list = []
        self.action_list = []
        self.env = deepcopy(dfEnv)

    def buy(self, stock_price):
        num_affordable = int(self.cash // stock_price)
        self.cash = self.cash - stock_price * num_affordable
        self.share = self.share + num_affordable
        self.pv = stock_price * self.share
        self.action_list.append('Buy')

    def sell(self, stock_price):
        self.cash = self.cash + stock_price * self.share
        self.pv = 0
        self.share = 0
        self.action_list.append('Sell')
        

    def hold(self, stock_price):
        self.pv = stock_price * self.share
        self.action_list.append('Hold')

    def reset(self):
        self.cash = 1000
        self.share = 0
        self.pv = 0

    def yes_share(self):
        # Represent chimp asset in state_action
        if self.share > 0:
            return 1
        else:
            return 0

    def make_decision(self, x):
        random_choice = random.choice([1, 2])

        if random_choice == 0:
            self.hold(x)
        elif random_choice == 1:
            self.buy(x)
        else:
            self.sell(x)

        return self.pv # for frame-wise operation

    def simulate(self, iters):
        for i in range(iters):
            self.env['Monkey PV'] = self.env['Trade Price'].apply(self.make_decision)
            self.pv_history_list.append(self.env.ix[-1, 'Monkey PV'] + self.cash)
            self.reset()

In [26]:
monkey_val = MonkeyBot(validation_phase_data, random_state=0)

start_time = time.time()
iters = 100000
monkey_val.simulate(iters)
print("{0} iterations took {1} seconds".format(iters, time.time() - start_time))


100000 iterations took 297.804918051 seconds

In [27]:
plt.hist(monkey_val.pv_history_list, bins=50)


Out[27]:
(array([  6.34800000e+03,   2.08350000e+04,   2.16270000e+04,
          1.65640000e+04,   1.12580000e+04,   7.61500000e+03,
          5.05600000e+03,   3.36200000e+03,   2.14800000e+03,
          1.47100000e+03,   1.01100000e+03,   7.31000000e+02,
          5.09000000e+02,   3.70000000e+02,   2.75000000e+02,
          1.83000000e+02,   1.52000000e+02,   1.26000000e+02,
          1.00000000e+02,   5.10000000e+01,   5.20000000e+01,
          3.90000000e+01,   2.30000000e+01,   2.40000000e+01,
          1.90000000e+01,   1.10000000e+01,   8.00000000e+00,
          4.00000000e+00,   4.00000000e+00,   4.00000000e+00,
          3.00000000e+00,   2.00000000e+00,   3.00000000e+00,
          2.00000000e+00,   1.00000000e+00,   3.00000000e+00,
          1.00000000e+00,   2.00000000e+00,   1.00000000e+00,
          0.00000000e+00,   1.00000000e+00,   0.00000000e+00,
          0.00000000e+00,   0.00000000e+00,   0.00000000e+00,
          0.00000000e+00,   0.00000000e+00,   0.00000000e+00,
          0.00000000e+00,   1.00000000e+00]),
 array([    85.447874  ,    342.45150846,    599.45514292,    856.45877738,
          1113.46241184,   1370.4660463 ,   1627.46968076,   1884.47331522,
          2141.47694968,   2398.48058414,   2655.4842186 ,   2912.48785306,
          3169.49148752,   3426.49512198,   3683.49875644,   3940.5023909 ,
          4197.50602536,   4454.50965982,   4711.51329428,   4968.51692874,
          5225.5205632 ,   5482.52419766,   5739.52783212,   5996.53146658,
          6253.53510104,   6510.5387355 ,   6767.54236996,   7024.54600442,
          7281.54963888,   7538.55327334,   7795.5569078 ,   8052.56054226,
          8309.56417672,   8566.56781118,   8823.57144564,   9080.5750801 ,
          9337.57871456,   9594.58234902,   9851.58598348,  10108.58961794,
         10365.5932524 ,  10622.59688686,  10879.60052132,  11136.60415578,
         11393.60779024,  11650.6114247 ,  11907.61505916,  12164.61869362,
         12421.62232808,  12678.62596254,  12935.629597  ]),
 <a list of 50 Patch objects>)

In [28]:
monkey_val_stats = pd.Series(monkey_val.pv_history_list)
print(monkey_val_stats.describe())


count    100000.000000
mean       1060.238834
std         728.393854
min          85.447874
25%         575.907935
50%         872.079011
75%        1327.014578
max       12935.629597
dtype: float64

In [30]:
monkey_test = MonkeyBot(test_phase_data, random_state=0)

start_time = time.time()
iters = 100000
monkey_test.simulate(iters)
print("{0} iterations took {1} seconds".format(iters, time.time() - start_time))


100000 iterations took 276.959551096 seconds

In [31]:
plt.hist(monkey_test.pv_history_list, bins=50)


Out[31]:
(array([  4.00000000e+00,   2.10000000e+01,   1.36000000e+02,
          4.72000000e+02,   1.08800000e+03,   2.06900000e+03,
          3.36000000e+03,   4.82700000e+03,   6.27800000e+03,
          7.27500000e+03,   7.81400000e+03,   8.06700000e+03,
          7.98500000e+03,   7.47900000e+03,   7.03600000e+03,
          6.17200000e+03,   5.41600000e+03,   4.60700000e+03,
          4.00500000e+03,   3.22600000e+03,   2.75700000e+03,
          2.14500000e+03,   1.71600000e+03,   1.30400000e+03,
          1.03900000e+03,   8.09000000e+02,   6.83000000e+02,
          5.25000000e+02,   3.81000000e+02,   2.92000000e+02,
          2.53000000e+02,   1.93000000e+02,   1.49000000e+02,
          1.02000000e+02,   7.70000000e+01,   4.60000000e+01,
          4.70000000e+01,   3.40000000e+01,   2.40000000e+01,
          2.50000000e+01,   1.20000000e+01,   1.10000000e+01,
          1.50000000e+01,   7.00000000e+00,   3.00000000e+00,
          4.00000000e+00,   2.00000000e+00,   4.00000000e+00,
          3.00000000e+00,   1.00000000e+00]),
 array([  422.648034  ,   508.28394454,   593.91985508,   679.55576562,
          765.19167616,   850.8275867 ,   936.46349724,  1022.09940778,
         1107.73531832,  1193.37122886,  1279.0071394 ,  1364.64304994,
         1450.27896048,  1535.91487102,  1621.55078156,  1707.1866921 ,
         1792.82260264,  1878.45851318,  1964.09442372,  2049.73033426,
         2135.3662448 ,  2221.00215534,  2306.63806588,  2392.27397642,
         2477.90988696,  2563.5457975 ,  2649.18170804,  2734.81761858,
         2820.45352912,  2906.08943966,  2991.7253502 ,  3077.36126074,
         3162.99717128,  3248.63308182,  3334.26899236,  3419.9049029 ,
         3505.54081344,  3591.17672398,  3676.81263452,  3762.44854506,
         3848.0844556 ,  3933.72036614,  4019.35627668,  4104.99218722,
         4190.62809776,  4276.2640083 ,  4361.89991884,  4447.53582938,
         4533.17173992,  4618.80765046,  4704.443561  ]),
 <a list of 50 Patch objects>)

In [32]:
monkey_test_stats = pd.Series(monkey_test.pv_history_list)
print(monkey_test_stats.describe())


count    100000.000000
mean       1606.960713
std         464.488921
min         422.648034
25%        1272.686842
50%        1542.634717
75%        1869.730139
max        4704.443561
dtype: float64
Validation phase (2006-9-25 ~ 2011-9-25)

Using the mean we can calculate $r_{val}$: $$ (1 + r_{val})^{1260/252} = 0.8721 $$

$$ \Longrightarrow \boxed{r_{val} = -0.02699907 \approx -2.70\%} $$
Test phase (2006-9-25 ~ 2011-9-25)

Similarly, $$ \Longrightarrow \boxed{r_{test} = 0.09056276 \approx 9.06\%} $$

Action series of the God Chimp


In [33]:
from sklearn.ensemble import RandomForestRegressor

class ChimpBot(MonkeyBot):
    """A trading bot that learns to trade in the stock market."""
    valid_actions = ['Buy', 'Sell']

    epsilon = 1
    gamma = 0.75
    random_reward = [0]

    random_counter = 0
    policy_counter = 0

    track_key1 = {'Sell': 0, 'Buy': 0, 'Hold': 0}
    track_key2 = {'Sell': 0, 'Buy': 0, 'Hold': 0}

    track_random_decision = {'Sell': 0, 'Buy': 0, 'Hold': 0}

    reset_counter = 0

    def __init__(self, dfEnv, iter_random_rounds, test_mode=False, cash=1000, share=0, pv=0, random_state=0):
        super(ChimpBot, self).__init__(dfEnv, iter_random_rounds, cash, share, pv)
        random.seed(random_state)
        np.random.seed(random_state)
        # sets self.cash = 1000
        # sets self.share = 0
        # sets self.pv = 0
        # sets self.pv_history_list = []
        # sets self.env = dfEnv
        # implements buy(self, stock_price)
        # implements sell(self, stock_price)
        # implements hold(self)
        self.test_mode = test_mode
        self.num_features = len(dfEnv.columns) - 1
        self.random_rounds = iter_random_rounds # Number of rounds where the bot chooses to go monkey
        
        self.iter_env = self.env.iterrows()
        self.now_env_index, self.now_row = self.iter_env.next()

        # self.now_yes_share = 0
        self.now_action = ''
        # self.now_q = 0

        self.prev_cash = self.cash
        self.prev_share = self.share
        self.prev_pv = self.pv

        self.q_df_columns = list(self.env.columns)
        self.q_df_columns.pop()
        self.q_df_columns.extend(['Action', 'Q Value'])
        self.q_df = pd.DataFrame(columns=self.q_df_columns)
        self.q_dict = defaultdict(lambda: (0, 0)) # element of q_dict is (state, act): (q_value, t)
        # self.q_dict_analysis preserves the datetime data and is not used by the ChimpBot
        self.q_dict_analysis = defaultdict(lambda: (0, 0))

        self.negative_reward = 0
        self.n_reward_hisotry = []
        self.net_reward = 0

        self.reset_counter = 0

    def make_q_df(self):
        result_dict = defaultdict(list)

        for index, row in self.q_dict.iteritems():
            for i in range(len(self.q_dict.keys()[0])):
                column_name = 'col' + str(i + 1)
                result_dict[column_name].append(index[i])
            result_dict['Q'].append(self.q_dict[index][0])

        self.q_df = pd.DataFrame(result_dict)
        q_df_column_list = ['col' + str(x) for x in range(1, self.num_features + 1 + 1)]
        q_df_column_list.append('Q')
        self.q_df = self.q_df[q_df_column_list]

        def transfer_action(x):
            if x == 'Buy':
                return 1
            elif x == 'Sell':
                return 2
            elif x == 'Hold':
                return 0
            else:
                raise ValueError("Wrong action!")

        def str_float_int(x):
            return int(float(x))

        arr_int = np.vectorize(str_float_int)

        self.q_df['col' + str(self.num_features + 1)] = self.q_df['col' + str(self.num_features + 1)].apply(transfer_action)
        self.q_df.ix[:, :-1] = self.q_df.ix[:, :-1].apply(arr_int)

    def split_q_df(self):
        self.q_df_X = self.q_df.ix[:, :-1]
        self.q_df_y = self.q_df.ix[:, -1]

    def train_on_q_df(self):
        reg = RandomForestRegressor(n_estimators=128, max_features='sqrt', n_jobs=-1, random_state=0)
        self.q_reg = reg
        self.q_reg = self.q_reg.fit(self.q_df_X, self.q_df_y)

    def update_q_model(self):
        print("Updating Q model...")
        start_time = time.time()
        self.make_q_df()
        self.split_q_df()
        self.train_on_q_df()

    def from_state_action_predict_q(self, state_action):
        state_action = [state_action]

        pred_q = self.q_reg.predict(state_action)

        return pred_q

    def max_q(self, now_row):
        def transfer_action(x):
            if x == 'Buy':
                return 1
            elif x == 'Sell':
                return 2
            elif x == 'Hold':
                return 0
            else:
                raise ValueError("Wrong action!")

        def str_float_int(x):
            return int(float(x))

        now_row2 = list(now_row)
        # now_row2.append(self.now_yes_share)
        max_q = ''
        q_compare_dict = {}

        if len(now_row2) > self.num_features:
            raise ValueError("Got ya bastard! @ MaxQ")

        # Populate the q_dict
        for act in set(self.valid_actions):
            now_row2.append(act)
            now_row_key = tuple(now_row2)

            _ = self.q_dict[now_row_key]

            try:
                self.q_reg
            except AttributeError:
                pass
                # print('No q_reg yet...going with default.')
            else:
                if _[1] == 0:

                    single_X = np.array(now_row_key)
                    # print(single_X)
                    arr_int = np.vectorize(str_float_int)
                    single_X[-1] = transfer_action(single_X[-1])
                    single_X = arr_int(single_X)
                    single_X = single_X.reshape(1, -1)
                    pred_q = self.q_reg.predict(single_X)
                    dreamed_q = (1 - (1 / (self.q_dict[now_row_key][1] + 1))) * self.q_dict[now_row_key][0] + (1 / (self.q_dict[now_row_key][1] + 1)) * pred_q[0]
                    self.q_dict[now_row_key] = (dreamed_q, self.q_dict[now_row_key][1] + 1)

            q_compare_dict[now_row_key] = self.q_dict[now_row_key]
            now_row2.pop()

        try:
            max(q_compare_dict.iteritems(), key=lambda x:x[1])
        except ValueError:
            print("Wrong Q Value in Q Compare Dict!")
        else:
            key, qAndT = max(q_compare_dict.iteritems(), key=lambda x:x[1])
            # print("Action: {0}, with Q-value: {1}".format(key[-1], qAndT[0]))
            return key[-1], qAndT[0], qAndT[1]

    def q_update(self):
        # print("Data Index: {}".format(self.now_env_index))
        now_states = list(self.now_row)
        # now_states = list(now_states)
        now_states.pop() # disregard the Trade Price

        prev_states = list(self.prev_states)

        if len(prev_states) > self.num_features:
            raise ValueError("Got ya bastard! @ Q_Update...something wrong with the self.prev_states!!!")

        # prev_states.append(self.prev_yes_share)
        prev_states.append(self.prev_action)
        prev_states_key = tuple(prev_states)

        if len(prev_states_key) > self.num_features + 2:
            raise ValueError("Got ya bastard! @ Q_Update")

        q_temp = self.q_dict[prev_states_key]

        q_temp0 = (1 - (1 / (q_temp[1] + 1))) * q_temp[0] + (1 / (q_temp[1] + 1)) * (self.reward + self.gamma * self.max_q(now_states)[1])

        self.q_dict[prev_states_key] = (q_temp0, q_temp[1] + 1)
        # For analysis purpose
        self.q_dict_analysis[prev_states_key] = (q_temp0, self.prev_env_index)
        # print("Now Action: {}".format())
        # print(prev_states_key)
        return (self.q_dict[prev_states_key])

    def policy(self, now_row):
        return self.max_q(now_row)[0]

    def reset(self):
        # Portfolio change over iterations
        self.pv_history_list.append(self.pv + self.cash)

        self.iter_env = self.env.iterrows()
        self.now_env_index, self.now_row = self.iter_env.next()

        self.cash = 1000
        self.share = 0
        self.pv = 0

        self.prev_cash = self.cash
        self.prev_share = self.share
        self.prev_pv = self.pv

        if self.test_mode is True:
            self.epsilon = 0
        
        else:
            if self.epsilon - 1/self.random_rounds > 1/self.random_rounds: # Epislon threshold: 0.01
                self.random_counter += 1
                self.epsilon = self.epsilon - 1/self.random_rounds
            else:
                self.epsilon = 0.000001 # Epislon threshold: 0.1
                self.policy_counter += 1

        self.net_reward = 0

        self.reset_counter += 1

        if self.reset_counter % self.random_rounds == 0:
            self.update_q_model()

        if self.reset_counter != self.random_rounds:
            self.action_list = []

    def make_decision(self, now_row):
        return self.policy(now_row)

    def update(self):
        # Update state
        now_states = list(self.now_row)

        if len(now_states) > self.num_features + 1:
            print(len(now_states))
            print(self.num_features)
            raise ValueError("Got ya bastard! @ Q_Update...something wrong with the self.now_row!!!")

        now_states.pop() # disregard the Trade Price

        if len(now_states) > self.num_features:
            print(now_states)
            raise ValueError("Got ya bastard! @ Q_Update...something wrong with now_states after pop!!!")

        # Exploitation-exploration decisioning
        self.decision = np.random.choice(2, p = [self.epsilon, 1 - self.epsilon]) # decide to go random or with the policy
        # self.decision = 0 # Force random mode

        # print("Random decision: {0}, Epislon: {1}".format(self.decision, self.epsilon))
        if self.decision == 0: # if zero, go random
            action = random.choice(self.valid_actions)
        else: # else go with the policy
            action = self.make_decision(now_states)

        if len(now_states) > self.num_features:
            print(now_states)
            raise ValueError("Got ya bastard! @ Q_Update...something wrong with now_states after make_decision!!!")

        # Execute action and get reward
        if action == 'Buy':
            # print(self.now_row)
            self.buy(self.now_row[-1])
        elif action == 'Sell':
            # print(self.now_row)
            self.sell(self.now_row[-1])
        elif action == 'Hold':
            # print(self.now_row)
            self.hold(self.now_row[-1])
        else:
            raise ValueError("Wrong action man!")

        try:
            self.prev_states
        except AttributeError:
            print("Running the first time...no prevs exist.")
        else:
            self.reward = ((self.cash - self.prev_cash) + (self.pv - self.prev_pv)) / (self.prev_cash + self.prev_pv)
            self.q_update()

        self.prev_states = now_states

        if len(now_states) > self.num_features:
            raise ValueError("Got ya bastard! @ Q_Update...something wrong with the now_states!!!")

        self.now_action = action
        self.prev_action = action
        # self.prev_yes_share = self.now_yes_share
        self.prev_env_index = deepcopy(self.now_env_index)
        self.prev_cash = self.cash
        self.prev_share = self.share
        self.prev_pv = self.pv

        try:
            self.now_env_index, self.now_row = self.iter_env.next()
        except StopIteration:
            pass
            # print("End of data.")
        else:
            pass

        try:
            _ = self.reward
        except AttributeError:
            print("No reward yet...0 assigned.")
            self.reward = 0

    def simulate(self):
        start_time = time.time()

        for i in range(self.random_rounds):
            for l in range(len(self.env)):
                self.update()
            self.reset()
        print("{0} rounds of simulation took {1} seconds".format(self.random_rounds, time.time() - start_time))
        return self.pv_history_list

In [1038]:
iter_random_rounds=5000
god_chimp = ChimpBot(dfEnv=data_full, iter_random_rounds=iter_random_rounds, random_state=0)
pv_history_list = god_chimp.simulate()

print(pv_history_list[-1])

pd.Series(pv_history_list).plot()


Running the first time...no prevs exist.
No reward yet...0 assigned.
5000 rounds of simulation took 9646.88984394 seconds
2.05413123456e+31
Out[1038]:
<matplotlib.axes._subplots.AxesSubplot at 0x7fb7a8d09390>

In [1040]:
print(pd.Series(god_chimp.action_list).describe())


count     8156
unique       2
top        Buy
freq      4123
dtype: object

In [1041]:
# Convert Q-Table to Dataframe from the God Chimp (full dataset)
iter_random_rounds=5000
result_dict = defaultdict(list)
for index, row in god_chimp.q_dict_analysis.iteritems():
    for i in range(len(god_chimp.q_dict_analysis.keys()[0])):
        column_name = 'col' + str(i + 1)
        result_dict[column_name].append(index[i])
    result_dict['Q'].append(god_chimp.q_dict_analysis[index][0])
    result_dict['Date'].append(god_chimp.q_dict_analysis[index][1])

god_chimp_q_df = pd.DataFrame(result_dict)

# Yes share column removed
column_list = ['col1', 'col2', 'col3', 'col4', 'col5', 'col6', 'col7', 'col8', 'col9', 'col10', 'col11', 'col12', 'col13', 'col14', 'col15', 'col16', 'col17', 'col18', 'col19', 'col20', 'col21', 'col22', 'col23', 'col24', 'col25', 'col26', 'col27', 'col28', 'col29', 'col30', 'col31', 'col32', 'col33', 'col34', 'col35', 'col36', 'col37', 'col38', 'Date', 'Q']
god_chimp_q_df = god_chimp_q_df[column_list]
god_chimp_q_df.sort_values('Date', inplace=True)
god_chimp_q_df.reset_index(inplace=True)
del god_chimp_q_df['index']

god_chimp_q_df.reset_index(inplace=True)
del god_chimp_q_df['index']

god_chimp_q_df.set_index(god_chimp_q_df['Date'], inplace=True)
del god_chimp_q_df.index.name
del god_chimp_q_df['Date']

print(len(god_chimp_q_df))
display(god_chimp_q_df.head())


16312
col1 col2 col3 col4 col5 col6 col7 col8 col9 col10 col11 col12 col13 col14 col15 col16 col17 col18 col19 col20 col21 col22 col23 col24 col25 col26 col27 col28 col29 col30 col31 col32 col33 col34 col35 col36 col37 col38 Q
1984-05-23 1.0 5.0 1.0 2.0 1.0 2.0 2.0 3.0 1.0 2.0 1.0 1.0 1.0 -5.0 -5.0 4.0 -4.0 -2.0 -4.0 -2.0 -3.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 0.0 3.0 0.0 0.0 5.0 0.0 5.0 0.0 Sell 0.008839
1984-05-23 1.0 5.0 1.0 2.0 1.0 2.0 2.0 3.0 1.0 2.0 1.0 1.0 1.0 -5.0 -5.0 4.0 -4.0 -2.0 -4.0 -2.0 -3.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 0.0 3.0 0.0 0.0 5.0 0.0 5.0 0.0 Buy 0.019101
1984-05-24 2.0 1.0 5.0 1.0 2.0 2.0 2.0 3.0 1.0 1.0 2.0 1.0 1.0 -5.0 -5.0 -5.0 4.0 -4.0 -4.0 -3.0 -4.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 4.0 0.0 5.0 0.0 5.0 0.0 Sell 0.015100
1984-05-24 2.0 1.0 5.0 1.0 2.0 2.0 2.0 3.0 1.0 1.0 2.0 1.0 1.0 -5.0 -5.0 -5.0 4.0 -4.0 -4.0 -3.0 -4.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 4.0 0.0 5.0 0.0 5.0 0.0 Buy 0.009537
1984-05-25 5.0 2.0 1.0 5.0 1.0 5.0 3.0 3.0 5.0 1.0 1.0 1.0 1.0 -3.0 -5.0 -5.0 -5.0 4.0 -3.0 -3.0 -4.0 5.0 2.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 4.0 0.0 5.0 0.0 5.0 0.0 Buy -0.015552

In [10]:
def action_to_int(string):
    if string == 'Buy':
        return 1
    elif string == 'Sell':
        return 2
    else:
        return string

god_chimp_q_df.ix[:, -2] = god_chimp_q_df.ix[:, -2].apply(action_to_int)

In [1044]:
god_chimp_q_df.head()


Out[1044]:
col1 col2 col3 col4 col5 col6 col7 col8 col9 col10 col11 col12 col13 col14 col15 col16 col17 col18 col19 col20 col21 col22 col23 col24 col25 col26 col27 col28 col29 col30 col31 col32 col33 col34 col35 col36 col37 col38 Q
1984-05-23 1.0 5.0 1.0 2.0 1.0 2.0 2.0 3.0 1.0 2.0 1.0 1.0 1.0 -5.0 -5.0 4.0 -4.0 -2.0 -4.0 -2.0 -3.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 0.0 3.0 0.0 0.0 5.0 0.0 5.0 0.0 2 0.008839
1984-05-23 1.0 5.0 1.0 2.0 1.0 2.0 2.0 3.0 1.0 2.0 1.0 1.0 1.0 -5.0 -5.0 4.0 -4.0 -2.0 -4.0 -2.0 -3.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 0.0 3.0 0.0 0.0 5.0 0.0 5.0 0.0 1 0.019101
1984-05-24 2.0 1.0 5.0 1.0 2.0 2.0 2.0 3.0 1.0 1.0 2.0 1.0 1.0 -5.0 -5.0 -5.0 4.0 -4.0 -4.0 -3.0 -4.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 4.0 0.0 5.0 0.0 5.0 0.0 2 0.015100
1984-05-24 2.0 1.0 5.0 1.0 2.0 2.0 2.0 3.0 1.0 1.0 2.0 1.0 1.0 -5.0 -5.0 -5.0 4.0 -4.0 -4.0 -3.0 -4.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 2.0 2.0 4.0 0.0 5.0 0.0 5.0 0.0 1 0.009537
1984-05-25 5.0 2.0 1.0 5.0 1.0 5.0 3.0 3.0 5.0 1.0 1.0 1.0 1.0 -3.0 -5.0 -5.0 -5.0 4.0 -3.0 -3.0 -4.0 5.0 2.0 4.0 0.0 3.0 5.0 0.0 0.0 2.0 0.0 4.0 0.0 5.0 0.0 5.0 0.0 1 -0.015552

Finding the right size for training set

As said earlier, one problem with time series data is to find the training window size wihtin which the data can be seen as being drawn from the same population as the data we want to predict. Then of course we can generalize what we have learned/modelled from the training to the cross-validation/test dataset.

To do this we can make use of the God Chimp’s Q-table we just got and get:


In [76]:
from sklearn.metrics import accuracy_score

def find_best_training_size(data_full, full_q_df, training_sizes, testing_size, target_data, random_state=0):
    start_time = time.time()
    accs = []
    d_counter = 0

    # Loop through all batches in validation dataset
    (u, ) = data_full.index.get_indexer_for([target_data.index[0]])
    for d in range(u, u + testing_size * (len(target_data) // testing_size), testing_size):
        acc_num_train_months = []
        d_counter += 1

        # Dates in the batch
        date_range = data_full.iloc[d:d + testing_size].index
        
        # Loop through all sizes of training sets
        for num_train_month in range(1, training_sizes + 1):  
            # Prepare Training/Testing Datasets
            X_train = full_q_df.iloc[d - (int(21 * num_train_month)):d, :-1]
            y_train = full_q_df.iloc[d - (int(21 * num_train_month)):d, -1]
            X_test = full_q_df.ix[date_range, :-1]
            y_test = full_q_df.ix[date_range, -1]

            # Fit data and make predictions
            reg = RandomForestRegressor(n_estimators=128, max_features='sqrt', oob_score=True, n_jobs=-1, random_state=random_state)
            reg.fit(X_train, y_train)

            y_pred = reg.predict(X_test)
            y_fit = reg.predict(X_train)

            pred_q = y_pred
            actions = X_test.ix[:, -1]
            data = {'Action': actions, 'Q': pred_q}
            df_pred = pd.DataFrame(data=data, index=y_test.index)

            pred_actions = []

            for date in date_range:  
                max_q = [0, -1]
                for i, r in df_pred.ix[date].iterrows():
                    if r['Q'] > max_q[1]:
                        max_q = [r['Action'], r['Q']]
                pred_actions.append(max_q[0])

            best_actions = []

            for date in date_range:
                max_q = [0, -1]
                for i, r in full_q_df.ix[date].iterrows():
                    if r['Q'] > max_q[1]:
                        max_q = [r[-2], r['Q']]
                best_actions.append(max_q[0])

            acc_num_train_months.append(accuracy_score(best_actions, pred_actions))
        accs.append(np.array(acc_num_train_months))
        print("Batch {0} completed....{1:.2f}%".format(d_counter, d_counter / len(range(u, u + testing_size * (len(target_data) // testing_size), testing_size))))
        geo_means = np.power(reduce(lambda x,y: x*y, accs), (1/len(accs)))
        arithmetic_means = reduce(lambda x,y: x+y, accs) / len(accs)
        print("Geometric Means Max: {}".format((np.argmax(geo_means) + 1, np.max(geo_means))))
        print("Arithemtic Means Max: {}".format((np.argmax(arithmetic_means) + 1, np.max(arithmetic_means))))
    
    print("Grid search best num_train_year took {} seconds:".format(time.time() - start_time))
    
    return (geo_means, arithmetic_means)

In [1046]:
means = find_best_training_size(data_full=data_full, full_q_df=god_chimp_q_df, training_sizes=120, testing_size=7, target_data=validation_phase_data, random_state=0)
geo_means = means[0]
arithmetic_means = means[1]


Batch 1 completed....0.01%
Geometric Means Max: (64, 0.7142857142857143)
Arithemtic Means Max: (64, 0.7142857142857143)
Batch 2 completed....0.01%
Geometric Means Max: (3, 0.5714285714285714)
Arithemtic Means Max: (2, 0.5714285714285714)
Batch 3 completed....0.02%
Geometric Means Max: (96, 0.6256455914125556)
Arithemtic Means Max: (96, 0.66666666666666663)
Batch 4 completed....0.02%
Geometric Means Max: (64, 0.62865124056670951)
Arithemtic Means Max: (26, 0.6428571428571429)
Batch 5 completed....0.03%
Geometric Means Max: (64, 0.61676569768093636)
Arithemtic Means Max: (26, 0.62857142857142867)
Batch 6 completed....0.03%
Geometric Means Max: (99, 0.62103954569315234)
Arithemtic Means Max: (86, 0.6428571428571429)
Batch 7 completed....0.04%
Geometric Means Max: (75, 0.59791895257491678)
Arithemtic Means Max: (75, 0.61224489795918369)
Batch 8 completed....0.04%
Geometric Means Max: (86, 0.58377634280084301)
Arithemtic Means Max: (86, 0.6071428571428571)
Batch 9 completed....0.05%
Geometric Means Max: (86, 0.56406972935286603)
Arithemtic Means Max: (86, 0.58730158730158732)
Batch 10 completed....0.06%
Geometric Means Max: (86, 0.57754617386855167)
Arithemtic Means Max: (86, 0.59999999999999998)
Batch 11 completed....0.06%
Geometric Means Max: (86, 0.58881149457503434)
Arithemtic Means Max: (86, 0.61038961038961037)
Batch 12 completed....0.07%
Geometric Means Max: (86, 0.5734297104905578)
Arithemtic Means Max: (86, 0.59523809523809523)
Batch 13 completed....0.07%
Geometric Means Max: (19, 0.57272798013191006)
Arithemtic Means Max: (19, 0.5934065934065933)
Batch 14 completed....0.08%
Geometric Means Max: (19, 0.56098822364309964)
Arithemtic Means Max: (19, 0.58163265306122436)
Batch 15 completed....0.08%
Geometric Means Max: (19, 0.55100859829002813)
Arithemtic Means Max: (19, 0.57142857142857129)
Batch 16 completed....0.09%
Geometric Means Max: (22, 0.53490979743126044)
Arithemtic Means Max: (6, 0.5535714285714286)
Batch 17 completed....0.09%
Geometric Means Max: (22, 0.54408691643996165)
Arithemtic Means Max: (6, 0.56302521008403361)
Batch 18 completed....0.10%
Geometric Means Max: (22, 0.54557098369822032)
Arithemtic Means Max: (6, 0.56349206349206349)
Batch 19 completed....0.11%
Geometric Means Max: (22, 0.55869872780346663)
Arithemtic Means Max: (6, 0.5714285714285714)
Batch 20 completed....0.11%
Geometric Means Max: (6, 0.56378168119990191)
Arithemtic Means Max: (6, 0.58571428571428563)
Batch 21 completed....0.12%
Geometric Means Max: (22, 0.56587991561770867)
Arithemtic Means Max: (6, 0.58503401360544216)
Batch 22 completed....0.12%
Geometric Means Max: (6, 0.57497242477007127)
Arithemtic Means Max: (6, 0.59740259740259738)
Batch 23 completed....0.13%
Geometric Means Max: (6, 0.57481788816184121)
Arithemtic Means Max: (6, 0.59627329192546585)
Batch 24 completed....0.13%
Geometric Means Max: (6, 0.56782888454738434)
Arithemtic Means Max: (6, 0.5892857142857143)
Batch 25 completed....0.14%
Geometric Means Max: (22, 0.55386919150437219)
Arithemtic Means Max: (6, 0.57714285714285718)
Batch 26 completed....0.14%
Geometric Means Max: (22, 0.56325011044611106)
Arithemtic Means Max: (6, 0.58791208791208793)
Batch 27 completed....0.15%
Geometric Means Max: (22, 0.56355091864686091)
Arithemtic Means Max: (6, 0.58201058201058209)
Batch 28 completed....0.16%
Geometric Means Max: (106, 0.56859858323892842)
Arithemtic Means Max: (106, 0.59183673469387732)
Batch 29 completed....0.16%
Geometric Means Max: (12, 0.56442352472214352)
Arithemtic Means Max: (12, 0.58620689655172398)
Batch 30 completed....0.17%
Geometric Means Max: (6, 0.55123680938043562)
Arithemtic Means Max: (6, 0.57619047619047614)
Batch 31 completed....0.17%
Geometric Means Max: (6, 0.55586372241481441)
Arithemtic Means Max: (6, 0.58064516129032262)
Batch 32 completed....0.18%
Geometric Means Max: (6, 0.55136449517862185)
Arithemtic Means Max: (30, 0.58035714285714279)
Batch 33 completed....0.18%
Geometric Means Max: (6, 0.55570699329744611)
Arithemtic Means Max: (6, 0.58008658008658009)
Batch 34 completed....0.19%
Geometric Means Max: (12, 0.54182726703042361)
Arithemtic Means Max: (12, 0.5714285714285714)
Batch 35 completed....0.19%
Geometric Means Max: (12, 0.54265135033554901)
Arithemtic Means Max: (6, 0.5714285714285714)
Batch 36 completed....0.20%
Geometric Means Max: (12, 0.54343080206465677)
Arithemtic Means Max: (6, 0.57142857142857151)
Batch 37 completed....0.21%
Geometric Means Max: (12, 0.54416915168583402)
Arithemtic Means Max: (12, 0.57142857142857151)
Batch 38 completed....0.21%
Geometric Means Max: (12, 0.53502085239721486)
Arithemtic Means Max: (12, 0.56390977443609025)
Batch 39 completed....0.22%
Geometric Means Max: (12, 0.53592475455602195)
Arithemtic Means Max: (12, 0.56410256410256421)
Batch 40 completed....0.22%
Geometric Means Max: (12, 0.52756323317798448)
Arithemtic Means Max: (12, 0.55714285714285716)
Batch 41 completed....0.23%
Geometric Means Max: (12, 0.53147668182880325)
Arithemtic Means Max: (12, 0.56097560975609762)
Batch 42 completed....0.23%
Geometric Means Max: (12, 0.52368038104958692)
Arithemtic Means Max: (12, 0.55442176870748305)
Batch 43 completed....0.24%
Geometric Means Max: (12, 0.52124517284914607)
Arithemtic Means Max: (12, 0.55149501661129574)
Batch 44 completed....0.24%
Geometric Means Max: (12, 0.5189312204298645)
Arithemtic Means Max: (12, 0.54870129870129869)
Batch 45 completed....0.25%
Geometric Means Max: (12, 0.5200437097985775)
Arithemtic Means Max: (12, 0.54920634920634925)
Batch 46 completed....0.26%
Geometric Means Max: (12, 0.52111006167266338)
Arithemtic Means Max: (12, 0.54968944099378891)
Batch 47 completed....0.26%
Geometric Means Max: (12, 0.52213308578289752)
Arithemtic Means Max: (12, 0.55015197568389063)
Batch 48 completed....0.27%
Geometric Means Max: (12, 0.51998951761759216)
Arithemtic Means Max: (12, 0.54761904761904767)
Batch 49 completed....0.27%
Geometric Means Max: (12, 0.517941711251518)
Arithemtic Means Max: (12, 0.54518950437317781)
Batch 50 completed....0.28%
Geometric Means Max: (12, 0.5159834047208105)
Arithemtic Means Max: (12, 0.54285714285714282)
Batch 51 completed....0.28%
Geometric Means Max: (12, 0.51701706198755848)
Arithemtic Means Max: (12, 0.54341736694677878)
Batch 52 completed....0.29%
Geometric Means Max: (12, 0.50438540546294719)
Arithemtic Means Max: (12, 0.5357142857142857)
Batch 53 completed....0.29%
Geometric Means Max: (12, 0.50283767301012483)
Arithemtic Means Max: (12, 0.53369272237196763)
Batch 54 completed....0.30%
Geometric Means Max: (12, 0.49760139412636795)
Arithemtic Means Max: (12, 0.52910052910052907)
Batch 55 completed....0.31%
Geometric Means Max: (12, 0.5008826158927735)
Arithemtic Means Max: (12, 0.53246753246753242)
Batch 56 completed....0.31%
Geometric Means Max: (12, 0.50710491140567004)
Arithemtic Means Max: (12, 0.54081632653061218)
Batch 57 completed....0.32%
Geometric Means Max: (12, 0.50816846850978448)
Arithemtic Means Max: (12, 0.54135338345864659)
Batch 58 completed....0.32%
Geometric Means Max: (12, 0.50314836165483057)
Arithemtic Means Max: (12, 0.53694581280788178)
Batch 59 completed....0.33%
Geometric Means Max: (12, 0.50178210279759639)
Arithemtic Means Max: (12, 0.53510895883777232)
Batch 60 completed....0.33%
Geometric Means Max: (12, 0.50287025409688912)
Arithemtic Means Max: (12, 0.5357142857142857)
Batch 61 completed....0.34%
Geometric Means Max: (12, 0.50155400811254369)
Arithemtic Means Max: (12, 0.5339578454332552)
Batch 62 completed....0.34%
Geometric Means Max: (12, 0.50261022812720868)
Arithemtic Means Max: (12, 0.53456221198156673)
Batch 63 completed....0.35%
Geometric Means Max: (12, 0.49812424617084583)
Arithemtic Means Max: (12, 0.53061224489795911)
Batch 64 completed....0.36%
Geometric Means Max: (12, 0.49919394708650316)
Arithemtic Means Max: (12, 0.53124999999999989)
Batch 65 completed....0.36%
Geometric Means Max: (12, 0.49802384852127762)
Arithemtic Means Max: (12, 0.52967032967032956)
Batch 66 completed....0.37%
Geometric Means Max: (12, 0.49689182682505073)
Arithemtic Means Max: (12, 0.52813852813852813)
Batch 67 completed....0.37%
Geometric Means Max: (12, 0.50095192826022594)
Arithemtic Means Max: (12, 0.53304904051172697)
Batch 68 completed....0.38%
Geometric Means Max: (12, 0.5019225729192911)
Arithemtic Means Max: (12, 0.53361344537815114)
Batch 69 completed....0.38%
Geometric Means Max: (12, 0.50077464167626573)
Arithemtic Means Max: (12, 0.53209109730848847)
Batch 70 completed....0.39%
Geometric Means Max: (12, 0.49966202247535368)
Arithemtic Means Max: (12, 0.53061224489795911)
Batch 71 completed....0.39%
Geometric Means Max: (12, 0.49574393137254263)
Arithemtic Means Max: (12, 0.52716297786720312)
Batch 72 completed....0.40%
Geometric Means Max: (12, 0.49672316501551406)
Arithemtic Means Max: (12, 0.52777777777777768)
Batch 73 completed....0.41%
Geometric Means Max: (12, 0.49572001303560909)
Arithemtic Means Max: (12, 0.52641878669275921)
Batch 74 completed....0.41%
Geometric Means Max: (12, 0.49667303335633722)
Arithemtic Means Max: (12, 0.52702702702702697)
Batch 75 completed....0.42%
Geometric Means Max: (12, 0.48848923694432961)
Arithemtic Means Max: (12, 0.52190476190476187)
Batch 76 completed....0.42%
Geometric Means Max: (12, 0.48764885918770623)
Arithemtic Means Max: (6, 0.52255639097744344)
Batch 77 completed....0.43%
Geometric Means Max: (86, 0.48642238209255967)
Arithemtic Means Max: (6, 0.51762523191094612)
Batch 78 completed....0.43%
Geometric Means Max: (86, 0.48563339744746153)
Arithemtic Means Max: (6, 0.51282051282051277)
Batch 79 completed....0.44%
Geometric Means Max: (86, 0.48801098935877035)
Arithemtic Means Max: (88, 0.51356238698010848)
Batch 80 completed....0.44%
Geometric Means Max: (86, 0.48721934322490068)
Arithemtic Means Max: (6, 0.51428571428571412)
Batch 81 completed....0.45%
Geometric Means Max: (86, 0.48952595687140349)
Arithemtic Means Max: (6, 0.51322751322751314)
Batch 82 completed....0.46%
Geometric Means Max: (86, 0.49045037306853478)
Arithemtic Means Max: (6, 0.51393728222996504)
Batch 83 completed....0.46%
Geometric Means Max: (86, 0.48321558764206474)
Arithemtic Means Max: (6, 0.50946643717728046)
Batch 84 completed....0.47%
Geometric Means Max: (86, 0.48546904465304547)
Arithemtic Means Max: (106, 0.51190476190476175)
Batch 85 completed....0.47%
Geometric Means Max: (86, 0.48475759409518659)
Arithemtic Means Max: (106, 0.51596638655462168)
Batch 86 completed....0.48%
Geometric Means Max: (86, 0.48694750908522227)
Arithemtic Means Max: (106, 0.5166112956810629)
Batch 87 completed....0.48%
Geometric Means Max: (86, 0.49099187770543717)
Arithemtic Means Max: (106, 0.52052545155993402)
Batch 88 completed....0.49%
Geometric Means Max: (86, 0.49023382432053542)
Arithemtic Means Max: (106, 0.52110389610389585)
Batch 89 completed....0.49%
Geometric Means Max: (86, 0.4933210832392862)
Arithemtic Means Max: (106, 0.52487961476725487)
Batch 90 completed....0.50%
Geometric Means Max: (86, 0.49255044499633688)
Arithemtic Means Max: (106, 0.52539682539682508)
Batch 91 completed....0.51%
Geometric Means Max: (86, 0.49179790832182846)
Arithemtic Means Max: (106, 0.52590266875981129)
Batch 92 completed....0.51%
Geometric Means Max: (86, 0.49106284368548725)
Arithemtic Means Max: (88, 0.52018633540372661)
Batch 93 completed....0.52%
Geometric Means Max: (86, 0.48821147974058565)
Arithemtic Means Max: (106, 0.52073732718893972)
Batch 94 completed....0.52%
Geometric Means Max: (86, 0.48902961133470862)
Arithemtic Means Max: (88, 0.51975683890577495)
Batch 95 completed....0.53%
Geometric Means Max: (86, 0.48835076612112494)
Arithemtic Means Max: (88, 0.52030075187969915)
Batch 96 completed....0.53%
Geometric Means Max: (86, 0.49028892438383481)
Arithemtic Means Max: (88, 0.52083333333333315)
Batch 97 completed....0.54%
Geometric Means Max: (86, 0.49219457628121988)
Arithemtic Means Max: (88, 0.52430044182621482)
Batch 98 completed....0.54%
Geometric Means Max: (86, 0.48947055365161007)
Arithemtic Means Max: (88, 0.52332361516034975)
Batch 99 completed....0.55%
Geometric Means Max: (86, 0.48881408085816824)
Arithemtic Means Max: (88, 0.52669552669552655)
Batch 100 completed....0.56%
Geometric Means Max: (86, 0.48817159174514585)
Arithemtic Means Max: (88, 0.52428571428571413)
Batch 101 completed....0.56%
Geometric Means Max: (86, 0.48893331028238379)
Arithemtic Means Max: (88, 0.52475247524752455)
Batch 102 completed....0.57%
Geometric Means Max: (86, 0.49075368640824735)
Arithemtic Means Max: (88, 0.52521008403361324)
Batch 103 completed....0.57%
Geometric Means Max: (86, 0.49010857945360164)
Arithemtic Means Max: (88, 0.52704576976421613)
Batch 104 completed....0.58%
Geometric Means Max: (86, 0.4927498996090573)
Arithemtic Means Max: (88, 0.53021978021978)
Batch 105 completed....0.58%
Geometric Means Max: (86, 0.49449535350971829)
Arithemtic Means Max: (88, 0.52925170068027194)
Batch 106 completed....0.59%
Geometric Means Max: (86, 0.49194297123876057)
Arithemtic Means Max: (88, 0.5283018867924526)
Batch 107 completed....0.59%
Geometric Means Max: (86, 0.49130934616971061)
Arithemtic Means Max: (88, 0.52870493991989298)
Batch 108 completed....0.60%
Geometric Means Max: (86, 0.4930146359997975)
Arithemtic Means Max: (88, 0.52777777777777757)
Batch 109 completed....0.61%
Geometric Means Max: (86, 0.49238144478161971)
Arithemtic Means Max: (106, 0.52686762778505869)
Batch 110 completed....0.61%
Geometric Means Max: (86, 0.49176055731636104)
Arithemtic Means Max: (88, 0.52857142857142836)
Batch 111 completed....0.62%
Geometric Means Max: (86, 0.49422824529195786)
Arithemtic Means Max: (88, 0.52895752895752879)
Batch 112 completed....0.62%
Geometric Means Max: (86, 0.49181594083080032)
Arithemtic Means Max: (88, 0.52678571428571408)
Batch 113 completed....0.63%
Geometric Means Max: (37, 0.48917245321812225)
Arithemtic Means Max: (88, 0.52465233881163065)
Batch 114 completed....0.63%
Geometric Means Max: (37, 0.49079958332338564)
Arithemtic Means Max: (106, 0.52756892230576413)
Batch 115 completed....0.64%
Geometric Means Max: (37, 0.48849592877399806)
Arithemtic Means Max: (106, 0.5254658385093165)
Batch 116 completed....0.64%
Geometric Means Max: (37, 0.48624252727125239)
Arithemtic Means Max: (88, 0.52339901477832496)
Batch 117 completed....0.65%
Geometric Means Max: (37, 0.48691388849713813)
Arithemtic Means Max: (88, 0.52136752136752118)
Batch 118 completed....0.66%
Geometric Means Max: (37, 0.48471909281715569)
Arithemtic Means Max: (88, 0.5217917675544792)
Batch 119 completed....0.66%
Geometric Means Max: (37, 0.48421788328234305)
Arithemtic Means Max: (88, 0.52220888355342121)
Batch 120 completed....0.67%
Geometric Means Max: (37, 0.48488658348373082)
Arithemtic Means Max: (106, 0.52261904761904743)
Batch 121 completed....0.67%
Geometric Means Max: (37, 0.48439210081294981)
Arithemtic Means Max: (88, 0.5218417945690671)
Batch 122 completed....0.68%
Geometric Means Max: (37, 0.48504863771264056)
Arithemtic Means Max: (88, 0.5234192037470724)
Batch 123 completed....0.68%
Geometric Means Max: (37, 0.48569536748203107)
Arithemtic Means Max: (88, 0.52264808362369319)
Batch 124 completed....0.69%
Geometric Means Max: (37, 0.48520551595335487)
Arithemtic Means Max: (88, 0.52304147465437767)
Batch 125 completed....0.69%
Geometric Means Max: (37, 0.48670891280120848)
Arithemtic Means Max: (88, 0.52342857142857124)
Batch 126 completed....0.70%
Geometric Means Max: (37, 0.48732917886635596)
Arithemtic Means Max: (88, 0.52380952380952361)
Batch 127 completed....0.71%
Geometric Means Max: (37, 0.48794044885471227)
Arithemtic Means Max: (88, 0.52530933633295807)
Batch 128 completed....0.71%
Geometric Means Max: (37, 0.48854291660016974)
Arithemtic Means Max: (88, 0.52566964285714257)
Batch 129 completed....0.72%
Geometric Means Max: (37, 0.48804716506082885)
Arithemtic Means Max: (106, 0.52270210409745277)
Batch 130 completed....0.72%
Geometric Means Max: (37, 0.48755953198764029)
Arithemtic Means Max: (88, 0.52417582417582387)
Batch 131 completed....0.73%
Geometric Means Max: (37, 0.48557456370845781)
Arithemtic Means Max: (88, 0.52235550708833123)
Batch 132 completed....0.73%
Geometric Means Max: (37, 0.48617383289530886)
Arithemtic Means Max: (88, 0.5238095238095235)
Batch 133 completed....0.74%
Geometric Means Max: (37, 0.48676481349700956)
Arithemtic Means Max: (88, 0.52416756176154633)
Batch 134 completed....0.74%
Geometric Means Max: (37, 0.48630252064701129)
Arithemtic Means Max: (88, 0.52345415778251569)
Batch 135 completed....0.75%
Geometric Means Max: (37, 0.48688394034136734)
Arithemtic Means Max: (88, 0.52169312169312143)
Batch 136 completed....0.76%
Geometric Means Max: (37, 0.48497939981146843)
Arithemtic Means Max: (88, 0.51995798319327702)
Batch 137 completed....0.76%
Geometric Means Max: (37, 0.48635194193640852)
Arithemtic Means Max: (88, 0.52033368091762222)
Batch 138 completed....0.77%
Geometric Means Max: (37, 0.48835316436721282)
Arithemtic Means Max: (88, 0.52173913043478226)
Batch 139 completed....0.77%
Geometric Means Max: (37, 0.48789460388738076)
Arithemtic Means Max: (88, 0.52209660842754335)
Batch 140 completed....0.78%
Geometric Means Max: (37, 0.4884456784731222)
Arithemtic Means Max: (88, 0.52142857142857113)
Batch 141 completed....0.78%
Geometric Means Max: (37, 0.48659160252802625)
Arithemtic Means Max: (88, 0.52279635258358625)
Batch 142 completed....0.79%
Geometric Means Max: (37, 0.48790874830552244)
Arithemtic Means Max: (88, 0.52414486921529135)
Batch 143 completed....0.79%
Geometric Means Max: (37, 0.48844817211423636)
Arithemtic Means Max: (88, 0.5224775224775221)
Batch 144 completed....0.80%
Geometric Means Max: (37, 0.48898068793360178)
Arithemtic Means Max: (88, 0.52281746031746001)
Batch 145 completed....0.81%
Geometric Means Max: (37, 0.48950642730722521)
Arithemtic Means Max: (88, 0.52315270935960556)
Batch 146 completed....0.81%
Geometric Means Max: (37, 0.48906091051673961)
Arithemtic Means Max: (88, 0.52348336594911904)
Batch 147 completed....0.82%
Geometric Means Max: (37, 0.48862185242354167)
Arithemtic Means Max: (88, 0.52186588921282762)
Batch 148 completed....0.82%
Geometric Means Max: (37, 0.48913897755455787)
Arithemtic Means Max: (22, 0.52027027027026995)
Batch 149 completed....0.83%
Geometric Means Max: (37, 0.48737714008749528)
Arithemtic Means Max: (22, 0.52157238734419908)
Batch 150 completed....0.83%
Geometric Means Max: (22, 0.48483654853649749)
Arithemtic Means Max: (22, 0.51999999999999968)
Batch 151 completed....0.84%
Geometric Means Max: (37, 0.48465754764330321)
Arithemtic Means Max: (22, 0.519394512771996)
Batch 152 completed....0.84%
Geometric Means Max: (37, 0.48426556365074003)
Arithemtic Means Max: (22, 0.51785714285714268)
Batch 153 completed....0.85%
Geometric Means Max: (37, 0.48387901447479009)
Arithemtic Means Max: (22, 0.51820728291316498)
Batch 154 completed....0.86%
Geometric Means Max: (22, 0.48452064189800437)
Arithemtic Means Max: (23, 0.51948051948051943)
Batch 155 completed....0.86%
Geometric Means Max: (22, 0.48413723270649006)
Arithemtic Means Max: (23, 0.51889400921658979)
Batch 156 completed....0.87%
Geometric Means Max: (35, 0.48527864113033026)
Arithemtic Means Max: (35, 0.52014652014652019)
Batch 157 completed....0.87%
Geometric Means Max: (22, 0.48585072924906419)
Arithemtic Means Max: (23, 0.52138307552320273)
Batch 158 completed....0.88%
Geometric Means Max: (22, 0.48703722588766069)
Arithemtic Means Max: (35, 0.52169981916817365)
Batch 159 completed....0.88%
Geometric Means Max: (35, 0.48657967815063752)
Arithemtic Means Max: (95, 0.52201257861635186)
Batch 160 completed....0.89%
Geometric Means Max: (35, 0.48619378122575563)
Arithemtic Means Max: (35, 0.52053571428571432)
Batch 161 completed....0.89%
Geometric Means Max: (35, 0.48668182701277329)
Arithemtic Means Max: (35, 0.520851818988465)
Batch 162 completed....0.90%
Geometric Means Max: (35, 0.4878358252086118)
Arithemtic Means Max: (35, 0.52204585537918868)
Batch 163 completed....0.91%
Geometric Means Max: (35, 0.48830940701804265)
Arithemtic Means Max: (95, 0.5232252410166518)
Batch 164 completed....0.91%
Geometric Means Max: (35, 0.48466343349493562)
Arithemtic Means Max: (95, 0.52351916376306584)
Batch 165 completed....0.92%
Geometric Means Max: (35, 0.48514741253961702)
Arithemtic Means Max: (95, 0.5238095238095235)
Batch 166 completed....0.92%
Geometric Means Max: (37, 0.48408667245780157)
Arithemtic Means Max: (95, 0.52495697074010295)
Batch 167 completed....0.93%
Geometric Means Max: (37, 0.4837337178020239)
Arithemtic Means Max: (95, 0.5252352437981177)
Batch 168 completed....0.93%
Geometric Means Max: (37, 0.48338521775530746)
Arithemtic Means Max: (95, 0.5238095238095235)
Batch 169 completed....0.94%
Geometric Means Max: (37, 0.48386405075491018)
Arithemtic Means Max: (95, 0.52409129332206217)
Batch 170 completed....0.94%
Geometric Means Max: (37, 0.48497387994136798)
Arithemtic Means Max: (95, 0.52521008403361302)
Batch 171 completed....0.95%
Geometric Means Max: (37, 0.4865917612708815)
Arithemtic Means Max: (95, 0.52464494569757691)
Batch 172 completed....0.96%
Geometric Means Max: (37, 0.48819613346490337)
Arithemtic Means Max: (95, 0.52408637873754116)
Batch 173 completed....0.96%
Geometric Means Max: (37, 0.48927125054952147)
Arithemtic Means Max: (95, 0.52353426919900869)
Batch 174 completed....0.97%
Geometric Means Max: (37, 0.49033633693005918)
Arithemtic Means Max: (95, 0.52545155993431825)
Batch 175 completed....0.97%
Geometric Means Max: (37, 0.48882535386673426)
Arithemtic Means Max: (95, 0.52326530612244859)
Batch 176 completed....0.98%
Geometric Means Max: (37, 0.48846012714730919)
Arithemtic Means Max: (95, 0.52353896103896069)
Batch 177 completed....0.98%
Geometric Means Max: (37, 0.48950999479058466)
Arithemtic Means Max: (95, 0.5238095238095235)
Batch 178 completed....0.99%
Geometric Means Max: (37, 0.48803156708560974)
Arithemtic Means Max: (95, 0.52487961476725487)
Batch 179 completed....0.99%
Geometric Means Max: (37, 0.4890711793203078)
Arithemtic Means Max: (95, 0.52593774940143612)
Batch 180 completed....1.00%
Geometric Means Max: (37, 0.48761289414808806)
Arithemtic Means Max: (95, 0.52539682539682497)
Grid search best num_train_year took 22549.8151841 seconds:

In [1048]:
print(geo_means)
print(sorted(range(len(geo_means)), key=lambda k: geo_means[k], reverse=True))

print(arithmetic_means)
print(sorted(range(len(arithmetic_means)), key=lambda k: arithmetic_means[k], reverse=True))

validation_phase_data['Trade Price'].plot()
plt.figure()
plt.plot(geo_means)
plt.figure()
plt.plot(arithmetic_means)


[ 0.46941488  0.          0.46812252  0.          0.          0.          0.
  0.          0.46291511  0.47041653  0.46304303  0.          0.45957992
  0.          0.4666322   0.47626914  0.          0.48214285  0.          0.
  0.          0.48211332  0.          0.          0.48167617  0.          0.
  0.          0.          0.47306257  0.4742388   0.          0.46818833
  0.          0.48574901  0.47116956  0.48761289  0.          0.45552042
  0.47488147  0.          0.          0.          0.47865849  0.46048357
  0.          0.46888289  0.          0.          0.45852544  0.
  0.45188303  0.45495606  0.45458731  0.          0.          0.45398097
  0.          0.          0.          0.47279696  0.44708424  0.47766806
  0.          0.45651616  0.          0.47028094  0.          0.          0.
  0.44763883  0.          0.47323469  0.          0.          0.45097461
  0.46573407  0.44087702  0.46764007  0.4366769   0.          0.          0.
  0.          0.          0.46308693  0.45887766  0.          0.          0.
  0.45345877  0.          0.47053841  0.46407285  0.          0.46038203
  0.          0.          0.          0.          0.          0.45663992
  0.45515121  0.          0.46483863  0.          0.          0.45141788
  0.          0.          0.44604973  0.          0.          0.
  0.47038701  0.          0.          0.4573022   0.46905104  0.45768709]
[36, 34, 17, 21, 24, 43, 62, 15, 39, 30, 72, 29, 60, 35, 92, 9, 114, 66, 0, 118, 46, 32, 2, 78, 14, 76, 104, 93, 85, 10, 8, 44, 95, 12, 86, 49, 119, 117, 101, 64, 38, 102, 52, 53, 56, 90, 51, 107, 75, 70, 61, 110, 77, 79, 1, 3, 4, 5, 6, 7, 11, 13, 16, 18, 19, 20, 22, 23, 25, 26, 27, 28, 31, 33, 37, 40, 41, 42, 45, 47, 48, 50, 54, 55, 57, 58, 59, 63, 65, 67, 68, 69, 71, 73, 74, 80, 81, 82, 83, 84, 87, 88, 89, 91, 94, 96, 97, 98, 99, 100, 103, 105, 106, 108, 109, 111, 112, 113, 115, 116]
[ 0.50079365  0.51746032  0.50634921  0.50714286  0.48253968  0.50634921
  0.50555556  0.48968254  0.4952381   0.5015873   0.50238095  0.51507937
  0.49444444  0.49603175  0.50634921  0.51111111  0.51269841  0.51269841
  0.51984127  0.50714286  0.50079365  0.51825397  0.51984127  0.4984127
  0.51111111  0.49761905  0.49761905  0.50238095  0.51349206  0.51031746
  0.51111111  0.50634921  0.50793651  0.49761905  0.52142857  0.51031746
  0.51904762  0.49206349  0.49285714  0.51031746  0.5         0.49047619
  0.49285714  0.51269841  0.49603175  0.49920635  0.5031746   0.50714286
  0.49761905  0.49444444  0.49761905  0.48730159  0.49285714  0.49444444
  0.49206349  0.4952381   0.49126984  0.48888889  0.49444444  0.50396825
  0.50952381  0.48174603  0.51190476  0.49761905  0.49603175  0.51349206
  0.50396825  0.48888889  0.48809524  0.48095238  0.48650794  0.5015873
  0.51031746  0.47777778  0.50873016  0.48730159  0.5015873   0.48492063
  0.50555556  0.47063492  0.49603175  0.49603175  0.49761905  0.47460317
  0.50634921  0.49920635  0.49444444  0.51269841  0.49126984  0.49603175
  0.49365079  0.49920635  0.5015873   0.4984127   0.52539683  0.49603175
  0.49444444  0.45952381  0.48888889  0.47301587  0.49920635  0.49365079
  0.49603175  0.5         0.50079365  0.51349206  0.48571429  0.48968254
  0.47063492  0.49761905  0.48174603  0.47857143  0.46825397  0.49126984
  0.50079365  0.49047619  0.46666667  0.4968254   0.50396825  0.49365079]
[94, 34, 18, 22, 36, 21, 1, 11, 105, 65, 28, 17, 43, 87, 16, 62, 24, 30, 15, 29, 72, 39, 35, 60, 74, 32, 47, 19, 3, 2, 5, 84, 31, 14, 6, 78, 118, 59, 66, 46, 27, 10, 92, 71, 76, 9, 114, 0, 104, 20, 103, 40, 85, 45, 91, 100, 93, 23, 48, 82, 63, 26, 25, 33, 109, 50, 117, 64, 80, 13, 89, 95, 44, 81, 102, 55, 8, 53, 49, 58, 86, 12, 96, 101, 90, 119, 38, 52, 42, 54, 37, 113, 88, 56, 115, 41, 7, 107, 67, 98, 57, 68, 51, 75, 70, 106, 77, 4, 110, 61, 69, 111, 73, 83, 99, 79, 108, 112, 116, 97]
Out[1048]:
[<matplotlib.lines.Line2D at 0x7fb7b4e1c790>]

We can see a trend of accuracies going up and then down again. Here we choose 35 months of data to build our model.


In [142]:
import sys

def chimp_simulate(data_full, target_data, num_iter, train_size, batch_size, random_state=0):
    pv_history_list = []
    action_lists = []
    # Initiating data and the chimp
    start_date = target_data.index[0]
    end_date = target_data.index[-1]
    
    dfFull = data_full
    date_range = target_data.index[:] # Using 7 months of data to predict one month
    print(date_range)
    
    batch_count = 0
        
    cash = 1000
    share = 0
    pv = 0
    now_yes_share = 0

    for batch in range(len(target_data) // batch_size + 1):
        
#     for date in date_range:
        batch_count += 1
        print("Batch {}".format(batch_count))

        try:
            dfTest = dfFull.ix[target_data.index[batch * batch_size]:target_data.index[batch * batch_size + batch_size - 1]]
        except IndexError:
            print("Last batch size unmatched...but may be fine!")
            try: 
                dfTest = dfFull.ix[target_data.index[batch * batch_size]:target_data.index[-1]]
            except IndexError:
                print("End of data")
                return (pv_history_list, action_lists)
        
        (u,) = dfFull.index.get_indexer_for([target_data.index[batch * batch_size]])

        dfTrain = dfFull.iloc[u - (train_size):u]

        chimp_train = ChimpBot(dfTrain, iter_random_rounds=num_iter, random_state=0)

        for i in range(num_iter):
            for l in range(len(chimp_train.env)):
                # print("Train Round {0}-{1}".format(i + 1, l + 1))
                chimp_train.update()
            chimp_train.reset()

        # Test the Chimp!
#         q_df = deepcopy(chimp_train.q_df)
#         q_dict = deepcopy(chimp_train.q_dict)
#         q_reg = deepcopy(chimp_train.q_reg)

        try:
            _ = chimp_test
        except NameError:
            print("First time running...")
                    
#             now_yes_share = chimp_test.now_yes_share

        chimp_test = ChimpBot(dfTest, iter_random_rounds=num_iter, random_state=0)
        
        chimp_test.q_df = deepcopy(chimp_train.q_df)
        chimp_test.q_dict = deepcopy(chimp_train.q_dict)
        chimp_test.q_reg = deepcopy(chimp_train.q_reg)
        chimp_test.epsilon = 0

        # Pass the cheatsheet to the next chimp
        try:
            chimp_test.cash = cash
            chimp_test.share = share
            chimp_test.pv = pv
            
            chimp_test.prev_states = prev_states
            chimp_test.now_action = now_action
            chimp_test.prev_action = prev_action
#             chimp_test.prev_yes_share = prev_yes_share
            chimp_test.reward = reward
            chimp_test.prev_cash = prev_cash
            chimp_test.prev_share = prev_share
            chimp_test.prev_pv = prev_pv
            chimp_test.prev_env_index = prev_env_index

        except UnboundLocalError:
            print("No cheatsheet to pass over yet...no worries!")

        for l in range(len(chimp_test.env)):
            # print("Train Round {0}-{1}".format(i + 1, l + 1))
            chimp_test.update()
            action_lists.append(chimp_test.action_list)
            pv_history_list.append(chimp_test.cash + chimp_test.pv)

                
        # Create cheatsheet for the next chimp
        cash = chimp_test.cash
        share = chimp_test.share
        pv = chimp_test.pv
            
        prev_states = chimp_test.prev_states
        now_action = chimp_test.now_action
        prev_action = chimp_test.prev_action
#         prev_yes_share = chimp_test.prev_yes_share
        prev_env_index = chimp_test.prev_env_index
        reward = chimp_test.reward
        prev_cash = chimp_test.prev_cash
        prev_share = chimp_test.prev_share
        prev_pv = chimp_test.prev_pv
        
        if (batch + 1) % 3 == 0:
            print(pv_history_list)
        
    print(pv_history_list)
    
    return (pv_history_list, action_lists)

In [143]:
validation_phase_data.head()


Out[143]:
-1d_Vol1 -2d_Vol1 -3d_Vol1 -4d_Vol1 -5d_Vol1 10d_Avg_Vol1 21d_Avg_Vol1 63d_Avg_Vol1 -1d_Vol2 -2d_Vol2 -3d_Vol2 -4d_Vol2 -5d_Vol2 -1d_Spread -2d_Spread -3d_Spread -4d_Spread -5d_Spread 10d_Spread 21d_Spread 63d_Spread -1d_upperwick -1d_lowerwick -2d_upperwick -2d_lowerwick -3d_upperwick -3d_lowerwick -4d_upperwick -4d_lowerwick -5d_upperwick -5d_lowerwick 10d_upperwick 10d_lowerwick 21d_upperwick 21d_lowerwick 63d_upperwick 63d_lowerwick Trade Price
2006-09-25 2.0 2.0 3.0 2.0 3.0 3.0 3.0 3.0 1.0 2.0 2.0 2.0 2.0 1.0 -3.0 3.0 1.0 -1.0 1.0 1.0 4.0 1.0 2.0 3.0 2.0 3.0 0.0 1.0 4.0 2.0 1.0 5.0 0.0 5.0 2.0 5.0 0.0 36.610129
2006-09-26 4.0 2.0 2.0 3.0 2.0 3.0 3.0 3.0 3.0 1.0 2.0 2.0 2.0 -2.0 1.0 -3.0 3.0 1.0 1.0 1.0 4.0 2.0 2.0 1.0 2.0 3.0 2.0 3.0 0.0 1.0 4.0 5.0 0.0 5.0 2.0 5.0 0.0 36.602326
2006-09-27 4.0 4.0 2.0 2.0 3.0 3.0 3.0 3.0 2.0 3.0 1.0 2.0 2.0 -1.0 -2.0 1.0 -3.0 3.0 1.0 1.0 4.0 1.0 4.0 2.0 2.0 1.0 2.0 3.0 2.0 3.0 0.0 5.0 0.0 5.0 0.0 5.0 0.0 36.555499
2006-09-28 3.0 4.0 4.0 2.0 2.0 3.0 3.0 3.0 2.0 2.0 3.0 1.0 2.0 1.0 -1.0 -2.0 1.0 -3.0 1.0 1.0 3.0 3.0 2.0 1.0 4.0 2.0 2.0 1.0 2.0 3.0 2.0 5.0 0.0 5.0 4.0 5.0 4.0 36.797434
2006-09-29 2.0 3.0 4.0 4.0 2.0 3.0 3.0 3.0 1.0 2.0 2.0 3.0 1.0 2.0 1.0 -1.0 -2.0 1.0 1.0 1.0 3.0 2.0 1.0 3.0 2.0 1.0 4.0 2.0 2.0 1.0 2.0 3.0 1.0 3.0 4.0 3.0 5.0 36.649150

In [1051]:
start_time = time.time()

result_list = chimp_simulate(data_full=data_full, target_data=validation_phase_data, num_iter=5000, train_size=21*35, batch_size=7, random_state=0)

print("\nSimulation for Validation set took {} seconds.".format(time.time() - start_time))


DatetimeIndex(['2006-09-25', '2006-09-26', '2006-09-27', '2006-09-28',
               '2006-09-29', '2006-10-02', '2006-10-03', '2006-10-04',
               '2006-10-05', '2006-10-06',
               ...
               '2011-09-14', '2011-09-15', '2011-09-16', '2011-09-19',
               '2011-09-20', '2011-09-21', '2011-09-22', '2011-09-23',
               '2011-09-26', '2011-09-27'],
              dtype='datetime64[ns]', length=1262, freq=None)
Batch 1
Running the first time...no prevs exist.
No reward yet...0 assigned.
First time running...
No cheatsheet to pass over yet...no worries!
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 2
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 3
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989]
Batch 4
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 5
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 6
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033]
Batch 7
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 8
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 9
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003]
Batch 10
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 11
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 12
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003]
Batch 13
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 14
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 15
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724]
Batch 16
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 17
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 18
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999]
Batch 19
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 20
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 21
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999]
Batch 22
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 23
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 24
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007]
Batch 25
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 26
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 27
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009]
Batch 28
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 29
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 30
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011]
Batch 31
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 32
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 33
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014]
Batch 34
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 35
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 36
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014]
Batch 37
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 38
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 39
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017]
Batch 40
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 41
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 42
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019]
Batch 43
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 44
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 45
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019]
Batch 46
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 47
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 48
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016]
Batch 49
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 50
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 51
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017]
Batch 52
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 53
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 54
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002]
Batch 55
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 56
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 57
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019]
Batch 58
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 59
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 60
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017]
Batch 61
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 62
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 63
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016]
Batch 64
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 65
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 66
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017]
Batch 67
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 68
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 69
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013]
Batch 70
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 71
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 72
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016]
Batch 73
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 74
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 75
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021]
Batch 76
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 77
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 78
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022]
Batch 79
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 80
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 81
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023]
Batch 82
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 83
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 84
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018]
Batch 85
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 86
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 87
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015]
Batch 88
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 89
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 90
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029]
Batch 91
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 92
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 93
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022]
Batch 94
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 95
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 96
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015]
Batch 97
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 98
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 99
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001]
Batch 100
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 101
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 102
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001]
Batch 103
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 104
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 105
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015]
Batch 106
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 107
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 108
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009]
Batch 109
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 110
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 111
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003]
Batch 112
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 113
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 114
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997]
Batch 115
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 116
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 117
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981]
Batch 118
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 119
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 120
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985]
Batch 121
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 122
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 123
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981]
Batch 124
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 125
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 126
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981]
Batch 127
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 128
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 129
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969]
Batch 130
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 131
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 132
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955]
Batch 133
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 134
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 135
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957]
Batch 136
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 137
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 138
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944]
Batch 139
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 140
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 141
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946]
Batch 142
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 143
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 144
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954]
Batch 145
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 146
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 147
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951]
Batch 148
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 149
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 150
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958]
Batch 151
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 152
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 153
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964]
Batch 154
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 155
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 156
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961]
Batch 157
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 158
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 159
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956]
Batch 160
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 161
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 162
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971]
Batch 163
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 164
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 165
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3819.419736999997, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3835.5961029999962, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3783.0200069999964, 3783.0200069999964, 3777.0976709999964, 3777.0976709999964]
Batch 166
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 167
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 168
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3819.419736999997, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3835.5961029999962, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3783.0200069999964, 3783.0200069999964, 3777.0976709999964, 3777.0976709999964, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997]
Batch 169
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 170
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 171
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3819.419736999997, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3835.5961029999962, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3783.0200069999964, 3783.0200069999964, 3777.0976709999964, 3777.0976709999964, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3816.4391149999965, 3816.4391149999965, 3816.4391149999965, 3810.9487389999963, 3810.9487389999963, 3810.9487389999963, 3852.353260999997, 3852.353260999997, 3893.188120999997, 3893.188120999997, 3834.3100709999972, 3779.2307609999966]
Batch 172
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 173
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 174
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3819.419736999997, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3835.5961029999962, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3783.0200069999964, 3783.0200069999964, 3777.0976709999964, 3777.0976709999964, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3816.4391149999965, 3816.4391149999965, 3816.4391149999965, 3810.9487389999963, 3810.9487389999963, 3810.9487389999963, 3852.353260999997, 3852.353260999997, 3893.188120999997, 3893.188120999997, 3834.3100709999972, 3779.2307609999966, 3779.2307609999966, 3779.2307609999966, 3865.6486309999968, 3865.6486309999968, 3949.9139149999974, 3897.8399279999971, 3853.3407869999974, 3925.2970279999968, 3925.2970279999968, 3925.2970279999968, 3921.3359839999957, 3921.3359839999957, 3992.9883799999952, 3992.9883799999952, 3978.1352059999954, 4033.5876559999956, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955]
Batch 175
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 176
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 177
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3819.419736999997, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3835.5961029999962, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3783.0200069999964, 3783.0200069999964, 3777.0976709999964, 3777.0976709999964, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3816.4391149999965, 3816.4391149999965, 3816.4391149999965, 3810.9487389999963, 3810.9487389999963, 3810.9487389999963, 3852.353260999997, 3852.353260999997, 3893.188120999997, 3893.188120999997, 3834.3100709999972, 3779.2307609999966, 3779.2307609999966, 3779.2307609999966, 3865.6486309999968, 3865.6486309999968, 3949.9139149999974, 3897.8399279999971, 3853.3407869999974, 3925.2970279999968, 3925.2970279999968, 3925.2970279999968, 3921.3359839999957, 3921.3359839999957, 3992.9883799999952, 3992.9883799999952, 3978.1352059999954, 4033.5876559999956, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4089.0226159999957, 4089.0226159999957, 4095.1726579999954, 3892.2279979999953, 3859.4289539999959, 3496.5894559999956, 3736.4327159999962, 3528.3633159999958, 3766.1566799999955, 3686.2089659999961, 3785.6312819999962, 3785.6312819999962, 3785.6312819999962, 3642.9864579999967, 3642.9864579999967, 3543.3732139999961, 3688.5541899999962, 3688.5541899999962]
Batch 178
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 179
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 180
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3819.419736999997, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3835.5961029999962, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3783.0200069999964, 3783.0200069999964, 3777.0976709999964, 3777.0976709999964, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3816.4391149999965, 3816.4391149999965, 3816.4391149999965, 3810.9487389999963, 3810.9487389999963, 3810.9487389999963, 3852.353260999997, 3852.353260999997, 3893.188120999997, 3893.188120999997, 3834.3100709999972, 3779.2307609999966, 3779.2307609999966, 3779.2307609999966, 3865.6486309999968, 3865.6486309999968, 3949.9139149999974, 3897.8399279999971, 3853.3407869999974, 3925.2970279999968, 3925.2970279999968, 3925.2970279999968, 3921.3359839999957, 3921.3359839999957, 3992.9883799999952, 3992.9883799999952, 3978.1352059999954, 4033.5876559999956, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4089.0226159999957, 4089.0226159999957, 4095.1726579999954, 3892.2279979999953, 3859.4289539999959, 3496.5894559999956, 3736.4327159999962, 3528.3633159999958, 3766.1566799999955, 3686.2089659999961, 3785.6312819999962, 3785.6312819999962, 3785.6312819999962, 3642.9864579999967, 3642.9864579999967, 3543.3732139999961, 3688.5541899999962, 3688.5541899999962, 3677.2795259999957, 3677.2795259999957, 3821.3661419999958, 3762.9255739999953, 3762.9255739999953, 3762.9255739999953, 3762.9255739999953, 3762.9255739999953, 3917.5573579999955, 3770.7691609999961, 3770.7691609999961, 3770.7691609999961, 3778.8563589999958, 3814.6692689999959, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953]
Batch 181
Last batch size unmatched...but that's fine!
Running the first time...no prevs exist.
No reward yet...0 assigned.
[1000.0, 1000.0, 998.73567099999991, 1005.2679160000001, 1001.264248, 1001.264248, 1001.264248, 1002.8991539999998, 1002.8991539999998, 991.65893799999992, 991.65893799999992, 1000.242344, 1000.242344, 1000.242344, 1000.242344, 991.45452599999999, 996.76812000000007, 980.82739000000004, 980.82739000000004, 985.93659799999989, 985.93659799999989, 980.82741599999974, 980.82741599999974, 991.04580599999986, 981.23616199999992, 981.23616199999992, 981.03174999999999, 981.03174999999999, 980.41866999999991, 980.21425799999986, 995.7462680000001, 995.7462680000001, 998.81174600000031, 990.63708600000018, 998.19866600000023, 998.19866600000023, 998.19866600000023, 992.06763200000034, 992.06763200000034, 988.18466200000046, 988.18466200000046, 985.11910600000033, 985.11910600000033, 985.11910600000033, 972.03957200000048, 972.03957200000048, 981.64480400000036, 973.6744520000002, 968.15652400000022, 985.11908000000028, 992.47635200000036, 984.91474600000038, 984.91474600000038, 984.91474600000038, 984.91474600000038, 986.5497300000003, 986.5497300000003, 993.70264200000031, 1000.8555020000003, 1000.8555020000003, 1001.6729940000004, 1001.6729940000004, 1010.4608120000003, 1010.4608120000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1019.0442960000003, 1021.3082980000003, 1021.3082980000003, 1013.0756840000003, 1016.3687400000003, 1012.2523940000001, 1019.4559540000002, 1023.7781420000002, 1017.1920300000003, 1025.4246440000002, 1025.4246440000002, 1019.6617960000003, 1032.2165460000003, 1050.7400900000002, 1050.7400900000002, 1061.6483380000002, 1058.5610460000003, 1048.0644300000004, 1043.3306620000003, 1057.9436240000002, 1073.3798760000004, 1079.1427240000003, 1073.3798760000004, 1073.9972980000002, 1074.8205880000003, 1079.1427240000003, 1073.3798760000004, 1062.8831820000003, 1063.2948400000002, 1073.7915340000004, 1083.4648600000003, 1083.4648600000003, 1083.4648600000003, 1091.2859200000003, 1091.6975520000001, 1091.6975520000001, 1079.142724, 1079.142724, 1079.142724, 1082.7761410000001, 1078.7152329999999, 1057.1281929999998, 1057.1281929999998, 1078.849753, 1075.3033849999999, 1083.7260649999998, 1085.4991929999999, 1085.942517, 1038.5097049999999, 1038.5097049999999, 1047.059039, 1032.738914, 1044.4942819999999, 1048.1276989999997, 1075.9129399999999, 1063.516484, 1064.5851169999999, 1068.4323199999999, 1068.4323199999999, 1056.0358639999997, 1066.9361959999999, 1064.371412, 1061.3791639999999, 1075.585619, 1075.585619, 1080.105851, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1085.0565979999999, 1089.57683, 1130.2590259999999, 1130.689541, 1140.3757909999999, 1134.7792579999998, 1132.1962759999999, 1146.4027579999999, 1148.9857399999999, 1140.5910079999999, 1140.5910079999999, 1144.034993, 1150.2772579999998, 1153.5060530000001, 1151.9992910000001, 1151.9992910000001, 1145.9723240000003, 1145.9723240000003, 1120.1423420000003, 1120.1423420000003, 1113.5094820000004, 1117.6549740000003, 1137.3463600000002, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1128.6407280000005, 1122.1832460000005, 1113.5732160000007, 1114.6494630000007, 1118.5239630000008, 1123.6899810000004, 1118.7392610000006, 1118.7392610000006, 1118.7392610000006, 1111.2055590000007, 1111.2055590000007, 1111.2055590000007, 1123.9053060000008, 1124.3358210000006, 1101.0887940000007, 1121.3223240000004, 1121.9680560000008, 1127.1340740000007, 1124.3358210000006, 1133.3762580000007, 1133.3762580000007, 1133.3762580000007, 1108.375422000001, 1100.339394000001, 1105.6966900000009, 1119.982962000001, 1113.7326900000007, 1102.3484220000007, 1117.9739620000009, 1130.7967300000009, 1118.4238940000009, 1118.4238940000009, 1118.4238940000009, 1089.6287780000009, 1089.6287780000009, 1121.1232900000009, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1132.821298000001, 1126.9722380000012, 1103.1264020000012, 1093.9030060000011, 1053.1849860000011, 1051.610266000001, 1024.8398860000011, 1028.2142780000011, 1028.2142780000011, 1011.5671020000011, 1019.8907460000011, 1019.8907460000011, 998.74441800000102, 998.74441800000102, 998.74441800000102, 998.74441800000102, 949.86353400000121, 951.53473600000109, 942.76127000000122, 942.76127000000122, 936.25348700000109, 989.83447400000114, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1023.2411690000012, 1016.0825240000014, 1016.0825240000014, 993.52210700000137, 965.10466100000133, 976.60182800000132, 973.13100500000132, 985.06198100000131, 1001.9822600000014, 977.46947300000147, 978.33722600000146, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 963.36929000000134, 962.11598600000139, 962.11598600000139, 1014.9657960000012, 1009.7434620000014, 1009.7434620000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1013.2946720000014, 1015.0300430000015, 1015.0300430000015, 1036.5058430000013, 1044.0982700000013, 1044.0982700000013, 1049.5655000000015, 1049.5655000000015, 1046.5037810000013, 1049.3467730000013, 1034.9132750000015, 1029.4460720000015, 1029.4460720000015, 1017.4181930000017, 992.05026200000157, 992.05026200000157, 982.15260800000158, 963.62069200000167, 970.99130200000172, 982.99490400000172, 989.9443920000017, 989.9443920000017, 1016.6892660000016, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 1003.0009160000017, 994.38293600000168, 1024.7725960000018, 1024.7725960000018, 1033.4634320000018, 1026.4168090000021, 1028.295864000002, 1090.7761320000018, 1093.1250740000019, 1093.1250740000019, 1082.0772630000019, 1038.8902020000019, 1045.4185230000016, 1021.5652010000018, 1053.4533200000019, 1016.0412490000017, 1063.4967620000016, 1103.9218470000019, 1096.1382120000019, 1096.1382120000019, 1096.1382120000019, 1071.2401170000019, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1088.8567180000018, 1079.6959950000016, 1066.5422910000016, 1066.5422910000016, 1051.7444030000017, 1053.6234580000016, 1038.3557700000017, 1056.6770130000018, 1073.5890010000019, 1076.1726980000017, 1045.6372350000017, 1036.7114700000018, 1036.7114700000018, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1010.6467340000017, 1024.8310630000014, 1051.9334330000017, 1040.0286580000015, 1052.6932740000016, 997.22215300000175, 1054.4663190000017, 1054.4663190000017, 1054.4663190000017, 1087.6721430000016, 1087.6721430000016, 1087.6721430000016, 1056.3945990000016, 1056.3945990000016, 1099.4053430000015, 1097.1174910000016, 1097.1174910000016, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1116.5637710000015, 1151.7714320000016, 1151.7714320000016, 1151.7714320000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1150.7256720000016, 1159.0924880000016, 1157.0007440000018, 1157.0007440000018, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1159.6153360000017, 1136.5574880000017, 1119.0557500000018, 1119.0557500000018, 1119.0557500000018, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1124.6446060000017, 1238.6180740000018, 1311.1740380000017, 1303.9185230000019, 1303.9185230000019, 1320.0311230000018, 1306.418747000002, 1252.246819000002, 1217.521225000002, 1213.3541170000019, 1220.021483000002, 1332.532379000002, 1321.8898010000019, 1323.0099990000019, 1303.1251330000021, 1302.2849590000021, 1283.2402670000019, 1283.2402670000019, 1270.5548320000019, 1270.5548320000019, 1240.0108840000019, 1240.0108840000019, 1321.889919000002, 1326.5028140000018, 1344.9543940000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1329.6741990000019, 1315.1105710000018, 1329.6741990000019, 1348.4388670000017, 1299.1466530000018, 1311.1896230000018, 1311.1896230000018, 1297.8698330000018, 1297.8698330000018, 1233.7340010000016, 1233.7340010000016, 1233.7340010000016, 1213.2889850000017, 1213.2889850000017, 1213.2889850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1233.1738850000017, 1262.1691650000018, 1262.1691650000018, 1273.4377230000016, 1245.2661570000016, 1235.8756350000019, 1233.0584670000017, 1233.0584670000017, 1233.0584670000017, 1261.0654270000016, 1261.0654270000016, 1208.6760270000013, 1166.8304270000017, 1142.4479870000014, 1145.4466270000016, 1164.7711870000014, 1188.4273070000015, 1146.1130270000015, 1146.1130270000015, 1146.1130270000015, 1153.7762270000014, 1108.7965470000015, 1059.8186270000012, 1037.4953470000016, 1201.4214270000016, 1363.3485070000015, 1337.3602270000015, 1337.3602270000015, 1412.8345030000012, 1450.4008760000013, 1354.0942540000017, 1354.0942540000017, 1290.5728720000013, 1290.5728720000013, 1316.5278600000011, 1286.7746200000013, 1290.8893360000013, 1290.8893360000013, 1346.2810620000014, 1330.4548600000016, 1280.4441240000015, 1320.3261120000013, 1346.2810620000014, 1220.6209520000014, 1188.6520840000014, 1217.1393160000014, 1217.1393160000014, 1175.0417000000014, 1138.3249220000014, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1183.2712840000013, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1198.8642250000014, 1250.9490510000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1311.0470040000014, 1179.0565500000012, 1297.4365820000012, 1140.1241060000013, 1140.1241060000013, 1325.6655170000015, 1325.6655170000015, 1317.8690660000016, 1315.9199240000016, 1412.0765690000014, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1567.3566680000015, 1585.9909040000016, 1463.3148880000015, 1463.3148880000015, 1310.1103690000016, 1309.4555980000016, 1223.6873050000015, 1386.0578770000018, 1386.0578770000018, 1344.1556920000021, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1271.481844000002, 1189.507408000002, 1211.1971240000021, 1134.0073440000021, 1088.3951460000021, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1203.2229380000022, 1121.5088990000024, 1121.5088990000024, 1121.5088990000024, 1082.1417740000024, 1082.1417740000024, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1029.8481340000023, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1010.2820530000022, 1222.4114250000021, 1318.0005810000023, 1355.1014370000021, 1400.4953050000022, 1158.6853730000023, 1263.877057000002, 1263.877057000002, 1263.877057000002, 1355.3364010000021, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1481.8486090000022, 1459.638571000002, 1384.8492730000021, 1384.8492730000021, 1384.8492730000021, 1352.0713080000023, 1386.2342830000023, 1386.2342830000023, 1385.3109980000022, 1385.3109980000022, 1385.3109980000022, 1394.1470460000021, 1394.1470460000021, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1424.121774000002, 1338.751470000002, 1338.751470000002, 1338.751470000002, 1674.3360480000019, 1709.077323000002, 1796.2997820000021, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 1812.5615610000018, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2038.3406290000019, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2025.2564590000015, 2093.4217880000015, 2220.1517400000012, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2200.9503280000017, 2112.147640000002, 2108.171200000002, 2585.3204440000022, 2704.6077160000018, 3075.7239160000017, 3148.6216240000022, 3148.6216240000022, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 3427.2982640000023, 4271.4343820000022, 3907.7608100000025, 3907.7608100000025, 3981.6272880000029, 3981.6272880000029, 3611.1486060000025, 3611.1486060000025, 3611.1486060000025, 3620.1453370000022, 3620.1453370000022, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3486.8572770000019, 3177.8945460000014, 3369.4514610000015, 3439.4831150000014, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3441.5425350000019, 3582.0310230000023, 3600.2625930000022, 3535.9164090000022, 3535.9164090000022, 3717.1574550000023, 3717.1574550000023, 3717.1574550000023, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4093.5300890000017, 4521.8218330000018, 4161.8253450000029, 4107.4204490000029, 3955.7818090000023, 4128.2563290000016, 4055.3308170000023, 4055.3308170000023, 4055.3308170000023, 3912.6970950000014, 3912.6970950000014, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3858.0623660000015, 3884.2347980000013, 3801.5297210000017, 3801.5297210000017, 3801.5297210000017, 3954.2831880000012, 3865.0841090000008, 3958.743214000001, 3958.743214000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3911.913989000001, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3936.9744090000004, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3932.746505000001, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 3951.0046750000006, 4106.0794340000011, 4137.8647520000004, 4137.8647520000004, 4234.6018730000005, 4234.6018730000005, 4190.4907480000002, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 4021.888558000001, 3962.0508340000015, 3962.0508340000015, 3962.0508340000015, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 3975.7317470000025, 4003.2123950000018, 4003.2123950000018, 4003.2123950000018, 4175.0537150000009, 4175.0537150000009, 4175.0537150000009, 4107.5449550000003, 4107.5449550000003, 4113.9293240000006, 4113.9293240000006, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3884.2111540000005, 3975.5777740000003, 3975.5777740000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3852.8392360000003, 3630.455719, 3630.455719, 3630.455719, 3589.0562950000003, 3589.0562950000003, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3557.4371600000004, 3567.2685200000001, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3585.2928079999997, 3685.2791719999996, 3685.2791719999996, 3685.2791719999996, 3639.1435519999991, 3639.1435519999991, 3639.1435519999991, 3635.6273379999984, 3635.6273379999984, 3642.6596629999985, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3615.4098799999983, 3618.8574139999978, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3586.1035179999981, 3589.5510519999975, 3589.5510519999975, 3694.6475519999972, 3765.5665519999975, 3786.0729519999973, 3786.0729519999973, 3786.0729519999973, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3773.3843199999978, 3688.8116919999979, 3688.8116919999979, 3698.9627559999981, 3698.9627559999981, 3698.9627559999981, 3703.662065999999, 3631.2907559999985, 3714.9410259999981, 3729.0390659999989, 3678.2850659999981, 3678.2850659999981, 3763.1823539999987, 3763.1823539999987, 3763.1823539999987, 3758.3120459999991, 3758.3120459999991, 3826.7014699999995, 3874.276781999999, 3874.276781999999, 3867.3387059999986, 3978.347921999999, 3975.3744939999983, 3975.3744939999983, 3975.3744939999983, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4056.6490819999981, 4142.5807229999991, 4121.3392089999979, 4121.3392089999979, 4121.3392089999979, 4145.2636409999977, 4142.392856999998, 4142.392856999998, 4158.6616409999979, 4211.2952569999979, 4196.9404409999979, 4196.9404409999979, 4196.9404409999979, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4277.3265369999981, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4293.5949849999979, 4245.1109129999977, 4286.1356789999973, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4306.6482799999976, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4103.6619649999966, 4008.4561569999969, 4008.4561569999969, 4008.4561569999969, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4057.8811689999966, 4073.0729619999961, 4073.0729619999961, 4073.0729619999961, 4191.1524939999972, 4151.4618179999961, 4151.4618179999961, 4151.4618179999961, 4058.5994759999962, 4053.5527339999962, 3970.784347999996, 4007.121739999996, 4007.121739999996, 4007.121739999996, 3865.2281039999962, 3897.2541629999955, 3897.2541629999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 4061.3879639999955, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3908.2031739999961, 3830.8410359999966, 3830.8410359999966, 3830.8410359999966, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3822.9028079999957, 3735.9089669999953, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3592.8520969999959, 3772.1319219999955, 3772.1319219999955, 3840.1004869999956, 3840.1004869999956, 3840.1004869999956, 3827.8515469999957, 3838.216076999995, 3838.216076999995, 3838.216076999995, 3895.8288269999948, 3895.8288269999948, 3895.8288269999948, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 3943.1117669999944, 4075.9142429999947, 4075.9142429999947, 4075.9142429999947, 4073.9440629999949, 4073.9440629999949, 4073.9440629999949, 4007.6883139999941, 3864.9842279999943, 3864.9842279999943, 3833.3852059999945, 3833.3852059999945, 3833.3852059999945, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3875.1771729999946, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 3930.2205249999947, 4015.8430479999947, 4015.8430479999947, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3982.060019999994, 3918.5881259999951, 3918.5881259999951, 3983.7303329999954, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3916.5840329999951, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3895.8712679999953, 3844.2562979999952, 3885.7505259999953, 3845.2685019999949, 3845.2685019999949, 3781.5089719999951, 3781.5089719999951, 3815.9188339999951, 3812.8824579999955, 3812.8824579999955, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3791.629005999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3747.287235999996, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3662.3774659999958, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3602.7261429999962, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3572.3988069999964, 3551.6001639999959, 3540.7848579999959, 3556.5915899999959, 3653.0973749999962, 3705.5698159999956, 3750.5464849999962, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3645.6010209999959, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3732.2226029999961, 3741.2900909999958, 3741.2900909999958, 3695.128778999996, 3695.128778999996, 3775.8858089999958, 3775.8858089999958, 3776.7099689999964, 3776.7099689999964, 3853.2851109999965, 3873.4809509999964, 3820.4672629999964, 3820.4672629999964, 3820.4672629999964, 3818.0201579999962, 3818.0201579999962, 3908.4196759999963, 3898.734103999996, 3898.734103999996, 3898.734103999996, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3894.5266699999956, 3803.7406839999958, 3771.2576149999959, 3771.2576149999959, 3725.5768649999964, 3698.6577599999964, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3797.3607649999963, 3739.8907869999966, 3739.8907869999966, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3803.6461929999964, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3814.4737209999971, 3819.419736999997, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3854.8651449999966, 3835.5961029999962, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3790.6345089999963, 3783.0200069999964, 3783.0200069999964, 3777.0976709999964, 3777.0976709999964, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3808.5914309999966, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3773.7826949999967, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3761.938022999997, 3816.4391149999965, 3816.4391149999965, 3816.4391149999965, 3810.9487389999963, 3810.9487389999963, 3810.9487389999963, 3852.353260999997, 3852.353260999997, 3893.188120999997, 3893.188120999997, 3834.3100709999972, 3779.2307609999966, 3779.2307609999966, 3779.2307609999966, 3865.6486309999968, 3865.6486309999968, 3949.9139149999974, 3897.8399279999971, 3853.3407869999974, 3925.2970279999968, 3925.2970279999968, 3925.2970279999968, 3921.3359839999957, 3921.3359839999957, 3992.9883799999952, 3992.9883799999952, 3978.1352059999954, 4033.5876559999956, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4090.0304239999955, 4089.0226159999957, 4089.0226159999957, 4095.1726579999954, 3892.2279979999953, 3859.4289539999959, 3496.5894559999956, 3736.4327159999962, 3528.3633159999958, 3766.1566799999955, 3686.2089659999961, 3785.6312819999962, 3785.6312819999962, 3785.6312819999962, 3642.9864579999967, 3642.9864579999967, 3543.3732139999961, 3688.5541899999962, 3688.5541899999962, 3677.2795259999957, 3677.2795259999957, 3821.3661419999958, 3762.9255739999953, 3762.9255739999953, 3762.9255739999953, 3762.9255739999953, 3762.9255739999953, 3917.5573579999955, 3770.7691609999961, 3770.7691609999961, 3770.7691609999961, 3778.8563589999958, 3814.6692689999959, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 3931.3512329999953, 4203.3333449999955, 4192.7708649999968]

Simulation for Validation set took 144136.679341 seconds.

In [1053]:
pv_history_list = result_list[0]
temp_pv_list = [1000]
temp_pv_list.extend(pv_history_list)
pv_history_list = temp_pv_list

plt.figure(figsize=(8,6))
validation_phase_data['Trade Price'].plot()

plt.figure(figsize=(8,6))
plt.plot(pv_history_list)

monkey_x = np.arange(len(pv_history_list))
monkey_y = ((872.08 - 1000)/ len(pv_history_list)) * monkey_x + 1000

plt.plot(monkey_x, monkey_y)
pt_x = np.arange(len(pv_history_list))
pt_y = ((751.87 - 1000)/ len(pv_history_list)) * pt_x + 1000
plt.plot(pt_x, pt_y)


Out[1053]:
[<matplotlib.lines.Line2D at 0x7fb7bc1c0310>]

The result turns out to be really good!

And if we look at the equivalent annual ROI:

$$ ROI = (1 + r)^{1262/252} = 4.1928 $$$$ \Longrightarrow r = 0.3313846 \approx 33.14\% $$

The result is quite impressive compare to the Patient Trader (-5.54%) and the Monkey (-2.70%). Let's give the test set a shot!


In [144]:
test_phase_data.head()


Out[144]:
-1d_Vol1 -2d_Vol1 -3d_Vol1 -4d_Vol1 -5d_Vol1 10d_Avg_Vol1 21d_Avg_Vol1 63d_Avg_Vol1 -1d_Vol2 -2d_Vol2 -3d_Vol2 -4d_Vol2 -5d_Vol2 -1d_Spread -2d_Spread -3d_Spread -4d_Spread -5d_Spread 10d_Spread 21d_Spread 63d_Spread -1d_upperwick -1d_lowerwick -2d_upperwick -2d_lowerwick -3d_upperwick -3d_lowerwick -4d_upperwick -4d_lowerwick -5d_upperwick -5d_lowerwick 10d_upperwick 10d_lowerwick 21d_upperwick 21d_lowerwick 63d_upperwick 63d_lowerwick Trade Price
2011-09-26 4.0 5.0 4.0 3.0 3.0 4.0 4.0 3.0 2.0 4.0 3.0 2.0 2.0 4.0 -1.0 -5.0 -3.0 -2.0 -1.0 -3.0 -3.0 2.0 1.0 2.0 4.0 2.0 1.0 1.0 1.0 2.0 2.0 5.0 0.0 4.0 0.0 5.0 0.0 27.491809
2011-09-27 4.0 4.0 5.0 4.0 3.0 4.0 4.0 3.0 3.0 2.0 4.0 3.0 2.0 5.0 4.0 -1.0 -5.0 -3.0 -1.0 -1.0 -3.0 1.0 1.0 2.0 1.0 2.0 4.0 2.0 1.0 1.0 1.0 5.0 5.0 5.0 5.0 5.0 5.0 27.422319
2011-09-28 4.0 4.0 4.0 5.0 4.0 4.0 4.0 3.0 3.0 3.0 2.0 4.0 3.0 -5.0 5.0 4.0 -1.0 -5.0 -1.0 -2.0 -3.0 3.0 2.0 1.0 1.0 2.0 1.0 2.0 4.0 2.0 1.0 5.0 5.0 5.0 5.0 5.0 5.0 26.466837
2011-09-29 3.0 4.0 4.0 4.0 5.0 4.0 4.0 3.0 2.0 3.0 3.0 2.0 4.0 -5.0 -5.0 5.0 4.0 -1.0 -1.0 -2.0 -3.0 2.0 1.0 3.0 2.0 1.0 1.0 2.0 1.0 2.0 4.0 5.0 5.0 4.0 5.0 5.0 5.0 27.265967
2011-09-30 4.0 3.0 4.0 4.0 4.0 4.0 4.0 3.0 2.0 2.0 3.0 3.0 2.0 -1.0 -5.0 -5.0 5.0 4.0 -1.0 -2.0 -3.0 3.0 5.0 2.0 1.0 3.0 2.0 1.0 1.0 2.0 1.0 2.0 5.0 3.0 5.0 5.0 5.0 26.162822

In [145]:
plt.figure(figsize=(8,6))
test_phase_data['Trade Price'].plot()


Out[145]:
<matplotlib.axes._subplots.AxesSubplot at 0x7fd0c05b7910>

In [146]:
start_time = time.time()
result_list = chimp_simulate(data_full=data_full, target_data=test_phase_data, num_iter=5000, train_size=21*35, batch_size=7, random_state=0)
print("\nSimulation for Test set took {} seconds.".format(time.time() - start_time))


DatetimeIndex(['2011-09-26', '2011-09-27', '2011-09-28', '2011-09-29',
               '2011-09-30', '2011-10-03', '2011-10-04', '2011-10-05',
               '2011-10-06', '2011-10-07',
               ...
               '2016-09-14', '2016-09-15', '2016-09-16', '2016-09-19',
               '2016-09-20', '2016-09-21', '2016-09-22', '2016-09-23',
               '2016-09-26', '2016-09-27'],
              dtype='datetime64[ns]', length=1260, freq=None)
Batch 1
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
First time running...
No cheatsheet to pass over yet...no worries!
Running the first time...no prevs exist.
No reward yet...0 assigned.
Batch 2
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 3
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992]
Batch 4
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 5
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 6
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015]
Batch 7
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 8
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 9
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003]
Batch 10
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 11
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 12
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003]
Batch 13
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 14
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 15
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048]
Batch 16
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 17
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 18
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004]
Batch 19
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 20
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 21
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001]
Batch 22
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 23
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 24
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996]
Batch 25
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 26
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 27
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987]
Batch 28
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 29
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 30
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999]
Batch 31
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 32
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 33
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998]
Batch 34
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 35
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 36
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997]
Batch 37
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 38
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 39
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999]
Batch 40
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 41
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 42
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999]
Batch 43
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 44
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 45
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006]
Batch 46
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 47
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 48
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007]
Batch 49
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 50
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 51
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005]
Batch 52
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 53
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 54
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002]
Batch 55
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 56
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 57
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004]
Batch 58
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 59
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 60
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607]
Batch 61
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 62
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 63
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002]
Batch 64
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 65
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 66
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002]
Batch 67
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 68
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 69
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002]
Batch 70
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 71
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 72
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004]
Batch 73
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 74
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 75
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758]
Batch 76
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 77
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 78
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997]
Batch 79
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 80
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 81
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994]
Batch 82
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 83
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 84
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991]
Batch 85
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 86
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 87
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993]
Batch 88
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 89
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 90
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996]
Batch 91
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 92
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 93
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999]
Batch 94
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 95
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 96
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995]
Batch 97
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 98
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 99
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993]
Batch 100
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 101
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 102
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997]
Batch 103
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 104
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 105
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995]
Batch 106
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 107
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 108
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995]
Batch 109
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 110
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 111
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996]
Batch 112
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 113
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 114
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998]
Batch 115
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 116
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 117
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908]
Batch 118
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 119
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 120
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034]
Batch 121
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 122
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 123
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995]
Batch 124
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 125
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 126
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997]
Batch 127
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 128
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 129
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996]
Batch 130
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 131
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 132
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995]
Batch 133
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 134
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 135
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995]
Batch 136
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 137
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 138
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988]
Batch 139
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 140
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 141
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984]
Batch 142
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 143
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 144
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982]
Batch 145
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 146
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 147
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983]
Batch 148
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 149
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 150
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988]
Batch 151
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 152
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 153
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999]
Batch 154
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 155
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 156
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997]
Batch 157
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 158
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 159
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001]
Batch 160
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 161
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 162
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001, 1673.7924480000001, 1689.2369120000003, 1689.2369120000003, 1691.7190840000001, 1691.7190840000001, 1691.7190840000001, 1701.4310389999998, 1686.8631790000002, 1686.8631790000002, 1680.7956629999999, 1680.7956629999999, 1673.0733190000001, 1668.384859, 1716.0974189999999, 1716.0974189999999, 1710.0299870000001, 1710.0299870000001, 1710.0299870000001, 1707.7448740000002, 1697.1759400000001, 1697.1759400000001]
Batch 163
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 164
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 165
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001, 1673.7924480000001, 1689.2369120000003, 1689.2369120000003, 1691.7190840000001, 1691.7190840000001, 1691.7190840000001, 1701.4310389999998, 1686.8631790000002, 1686.8631790000002, 1680.7956629999999, 1680.7956629999999, 1673.0733190000001, 1668.384859, 1716.0974189999999, 1716.0974189999999, 1710.0299870000001, 1710.0299870000001, 1710.0299870000001, 1707.7448740000002, 1697.1759400000001, 1697.1759400000001, 1683.66202, 1683.66202, 1677.2718320000001, 1653.9335240000003, 1666.4362240000003, 1625.0384200000001, 1625.0384200000001, 1637.818908, 1667.825276, 1737.5624400000002, 1759.7893999999999, 1759.7893999999999, 1759.7893999999999, 1788.9622919999997, 1814.52324, 1814.52324, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001]
Batch 166
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 167
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 168
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001, 1673.7924480000001, 1689.2369120000003, 1689.2369120000003, 1691.7190840000001, 1691.7190840000001, 1691.7190840000001, 1701.4310389999998, 1686.8631790000002, 1686.8631790000002, 1680.7956629999999, 1680.7956629999999, 1673.0733190000001, 1668.384859, 1716.0974189999999, 1716.0974189999999, 1710.0299870000001, 1710.0299870000001, 1710.0299870000001, 1707.7448740000002, 1697.1759400000001, 1697.1759400000001, 1683.66202, 1683.66202, 1677.2718320000001, 1653.9335240000003, 1666.4362240000003, 1625.0384200000001, 1625.0384200000001, 1637.818908, 1667.825276, 1737.5624400000002, 1759.7893999999999, 1759.7893999999999, 1759.7893999999999, 1788.9622919999997, 1814.52324, 1814.52324, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1796.3149770000002, 1786.8189560000003, 1797.1782490000001, 1797.1782490000001, 1821.0623590000002, 1821.0623590000002, 1821.0623590000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1807.9940910000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005]
Batch 169
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 170
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 171
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001, 1673.7924480000001, 1689.2369120000003, 1689.2369120000003, 1691.7190840000001, 1691.7190840000001, 1691.7190840000001, 1701.4310389999998, 1686.8631790000002, 1686.8631790000002, 1680.7956629999999, 1680.7956629999999, 1673.0733190000001, 1668.384859, 1716.0974189999999, 1716.0974189999999, 1710.0299870000001, 1710.0299870000001, 1710.0299870000001, 1707.7448740000002, 1697.1759400000001, 1697.1759400000001, 1683.66202, 1683.66202, 1677.2718320000001, 1653.9335240000003, 1666.4362240000003, 1625.0384200000001, 1625.0384200000001, 1637.818908, 1667.825276, 1737.5624400000002, 1759.7893999999999, 1759.7893999999999, 1759.7893999999999, 1788.9622919999997, 1814.52324, 1814.52324, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1796.3149770000002, 1786.8189560000003, 1797.1782490000001, 1797.1782490000001, 1821.0623590000002, 1821.0623590000002, 1821.0623590000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1807.9940910000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1817.8574740000004, 1817.8574740000004, 1817.8574740000004, 1835.639042, 1835.639042, 1840.9180220000003, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1823.8607790000003, 1823.8607790000003, 1825.5872650000003, 1828.1771100000003, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1905.5151200000005]
Batch 172
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 173
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 174
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001, 1673.7924480000001, 1689.2369120000003, 1689.2369120000003, 1691.7190840000001, 1691.7190840000001, 1691.7190840000001, 1701.4310389999998, 1686.8631790000002, 1686.8631790000002, 1680.7956629999999, 1680.7956629999999, 1673.0733190000001, 1668.384859, 1716.0974189999999, 1716.0974189999999, 1710.0299870000001, 1710.0299870000001, 1710.0299870000001, 1707.7448740000002, 1697.1759400000001, 1697.1759400000001, 1683.66202, 1683.66202, 1677.2718320000001, 1653.9335240000003, 1666.4362240000003, 1625.0384200000001, 1625.0384200000001, 1637.818908, 1667.825276, 1737.5624400000002, 1759.7893999999999, 1759.7893999999999, 1759.7893999999999, 1788.9622919999997, 1814.52324, 1814.52324, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1796.3149770000002, 1786.8189560000003, 1797.1782490000001, 1797.1782490000001, 1821.0623590000002, 1821.0623590000002, 1821.0623590000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1807.9940910000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1817.8574740000004, 1817.8574740000004, 1817.8574740000004, 1835.639042, 1835.639042, 1840.9180220000003, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1823.8607790000003, 1823.8607790000003, 1825.5872650000003, 1828.1771100000003, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1905.5151200000005, 1958.8598880000004, 1958.8598880000004, 1958.8598880000004, 1958.8598880000004, 1979.3398880000004, 1979.3398880000004, 1979.3398880000004, 1979.3398880000004, 2008.1699190000004, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 1999.4898570000003, 2010.3399190000002, 2005.0698570000002, 2013.1297950000003, 2019.3299500000005, 2012.1998260000003]
Batch 175
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 176
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 177
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001, 1673.7924480000001, 1689.2369120000003, 1689.2369120000003, 1691.7190840000001, 1691.7190840000001, 1691.7190840000001, 1701.4310389999998, 1686.8631790000002, 1686.8631790000002, 1680.7956629999999, 1680.7956629999999, 1673.0733190000001, 1668.384859, 1716.0974189999999, 1716.0974189999999, 1710.0299870000001, 1710.0299870000001, 1710.0299870000001, 1707.7448740000002, 1697.1759400000001, 1697.1759400000001, 1683.66202, 1683.66202, 1677.2718320000001, 1653.9335240000003, 1666.4362240000003, 1625.0384200000001, 1625.0384200000001, 1637.818908, 1667.825276, 1737.5624400000002, 1759.7893999999999, 1759.7893999999999, 1759.7893999999999, 1788.9622919999997, 1814.52324, 1814.52324, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1796.3149770000002, 1786.8189560000003, 1797.1782490000001, 1797.1782490000001, 1821.0623590000002, 1821.0623590000002, 1821.0623590000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1807.9940910000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1817.8574740000004, 1817.8574740000004, 1817.8574740000004, 1835.639042, 1835.639042, 1840.9180220000003, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1823.8607790000003, 1823.8607790000003, 1825.5872650000003, 1828.1771100000003, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1905.5151200000005, 1958.8598880000004, 1958.8598880000004, 1958.8598880000004, 1958.8598880000004, 1979.3398880000004, 1979.3398880000004, 1979.3398880000004, 1979.3398880000004, 2008.1699190000004, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 1999.4898570000003, 2010.3399190000002, 2005.0698570000002, 2013.1297950000003, 2019.3299500000005, 2012.1998260000003, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2002.1697690000003, 2002.1697690000003, 2002.1697690000003, 2007.569769, 2007.569769, 2019.5697989999999, 2019.2697389999998, 2024.6697390000002, 2026.469679, 2026.469679, 2024.6697390000002, 2024.6697390000002, 2024.6697390000002, 2028.2698290000001, 2028.2698290000001]
Batch 178
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 179
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
Batch 180
Running the first time...no prevs exist.
No reward yet...0 assigned.
Updating Q model...
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 937.77695799999992, 970.02358199999992, 970.02358199999992, 989.97610799999995, 989.97610799999995, 989.97610799999995, 989.97610799999995, 932.49306799999988, 958.57076400000005, 958.57076400000005, 958.57076400000005, 966.14170800000011, 966.14170800000011, 966.14170800000011, 971.92509000000018, 971.92509000000018, 971.92509000000018, 971.92509000000018, 936.35742600000015, 936.35742600000015, 936.35742600000015, 936.35742600000015, 921.02277100000015, 889.43334600000014, 889.43334600000014, 889.43334600000014, 871.55750600000033, 943.35874000000024, 943.35874000000024, 943.35874000000024, 943.35874000000024, 935.50744400000031, 935.50744400000031, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 887.15513200000032, 890.68646600000011, 890.68646600000011, 934.3507460000003, 934.3507460000003, 934.3507460000003, 934.3507460000003, 919.68204200000048, 909.35969300000033, 930.27607500000045, 925.65822200000036, 972.65233100000046, 978.67153900000039, 998.64415700000029, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 989.88904400000035, 1000.2151340000004, 1011.6003440000003, 1011.6003440000003, 1011.6003440000003, 1010.0116640000003, 1007.0992640000003, 1007.0992640000003, 1001.8037840000003, 1009.4822240000002, 1017.4253540000003, 1017.4253540000003, 1017.4253540000003, 1013.7185540000002, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 1006.5697040000003, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.84371300000043, 996.58773000000053, 986.6058430000005, 986.6058430000005, 981.23089600000048, 1001.1947860000004, 1005.0339220000004, 1005.8018130000005, 1034.7236870000004, 1041.3783460000004, 1035.4916070000004, 1035.4916070000004, 1035.4916070000004, 1048.0329180000003, 1063.1337400000002, 1050.5924290000003, 1050.5924290000003, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1055.1200860000004, 1063.8399400000005, 1050.0717440000005, 1057.1853180000003, 1057.1853180000003, 1048.0796180000002, 1025.6487930000003, 1025.6487930000003, 1015.2550590000003, 993.77474300000017, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1018.0267110000002, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 1003.9374410000001, 993.72141599999998, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 985.72624099999996, 964.93876099999977, 924.16348099999971, 924.16348099999971, 924.16348099999971, 965.47178699999972, 972.35648399999968, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 964.3702949999996, 937.10678399999972, 967.00866199999962, 999.62890799999968, 991.77592799999979, 991.77592799999979, 966.56448899999964, 994.41431099999977, 1009.9515359999998, 1009.9515359999998, 1009.9515359999998, 998.2963679999998, 1019.9011359999997, 1019.9011359999997, 994.01452399999971, 1007.2332649999998, 988.78215799999987, 999.5223249999998, 999.5223249999998, 975.53690499999982, 975.53690499999982, 990.19466499999987, 987.50750499999981, 987.50750499999981, 973.74868899999979, 975.46846499999981, 975.46846499999981, 984.90976299999988, 969.63711699999988, 1026.007145, 998.79401199999984, 996.01721799999984, 996.01721799999984, 982.132969, 966.58268699999985, 981.5775729999998, 989.63047399999982, 1001.8485659999999, 1019.620494, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1049.6104209999999, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1025.8190289999998, 1029.8499789999998, 1029.8499789999998, 1029.8499789999998, 1030.4053749999998, 1033.459805, 1033.459805, 1034.2928370000002, 1030.9606469999999, 1030.9606469999999, 1048.9654469999996, 1043.3221769999998, 1043.3221769999998, 1043.3221769999998, 1044.9883029999996, 1044.9883029999996, 1049.7088899999994, 1049.7088899999994, 1056.3732699999996, 1052.7633509999994, 1055.5402689999994, 1099.4144139999994, 1116.3532169999994, 1101.3582069999993, 1124.6837539999995, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1133.5696559999997, 1135.4507459999995, 1137.6006059999997, 1137.6006059999997, 1137.6006059999997, 1147.3195399999997, 1147.3195399999997, 1147.3195399999997, 1159.537632, 1159.537632, 1173.1442139999999, 1173.1442139999999, 1180.074486, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1207.795382, 1229.741174, 1229.741174, 1243.448165, 1243.448165, 1243.448165, 1243.448165, 1221.5025009999999, 1232.4753009999999, 1231.3202290000002, 1231.3202290000002, 1246.8049510000003, 1281.347833, 1281.347833, 1276.881151, 1295.0459349999999, 1223.5779339999997, 1221.1956969999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1227.7468569999999, 1238.4670719999999, 1232.2136379999999, 1228.342441, 1228.342441, 1239.9559660000002, 1239.9559660000002, 1231.9157800000003, 1231.9157800000003, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1250.6761810000005, 1260.2051730000005, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1263.9590930000006, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1261.4241920000009, 1279.9590920000007, 1279.6864520000008, 1279.6864520000008, 1279.6864520000008, 1292.4973520000008, 1292.4973520000008, 1293.0425120000009, 1293.0425120000009, 1293.0425120000009, 1296.8585120000007, 1296.8585120000007, 1296.8585120000007, 1309.9419320000006, 1310.2145720000005, 1310.2145720000005, 1332.0202820000006, 1332.0202820000006, 1362.2757620000007, 1357.3694720000005, 1347.0117020000005, 1357.9146020000005, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1358.7322820000006, 1335.8362520000005, 1326.0236420000006, 1344.0133820000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1311.0322220000005, 1310.7687860000003, 1315.7749690000003, 1326.0510030000003, 1326.0510030000003, 1326.0510030000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1315.1117950000003, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1302.1373230000002, 1319.691073, 1319.691073, 1338.0676029999997, 1340.8103229999999, 1356.4440730000001, 1356.4440730000001, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1348.2157030000003, 1355.8954030000004, 1355.8954030000004, 1355.8954030000004, 1358.3638930000004, 1358.3638930000004, 1358.3638930000004, 1344.3757330000003, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1361.1066130000004, 1358.9123530000004, 1378.3859230000003, 1378.3859230000003, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1401.9736630000002, 1403.765607, 1403.765607, 1403.765607, 1401.205735, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1389.6861430000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1391.9900670000004, 1410.4213470000004, 1417.0771710000004, 1402.7416470000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1375.3506190000003, 1391.9900670000002, 1391.9900670000002, 1391.9900670000002, 1410.4175950000001, 1410.4175950000001, 1410.4175950000001, 1428.725451, 1428.725451, 1428.725451, 1428.725451, 1424.341911, 1424.341911, 1424.341911, 1424.341911, 1451.6932079999999, 1451.6932079999999, 1462.0075679999998, 1464.843912, 1464.843912, 1464.843912, 1453.2402920000002, 1443.9574240000002, 1443.9574240000002, 1454.2716720000001, 1475.1581879999999, 1473.8689280000001, 1463.812392, 1463.812392, 1463.812392, 1451.6931520000001, 1443.6995160000001, 1432.6116279999999, 1437.768808, 1437.768808, 1437.768808, 1437.768808, 1398.777061, 1398.777061, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1385.6908400000002, 1388.8956300000002, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1384.3554190000004, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1395.9590390000005, 1404.2104710000006, 1387.1918750000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1388.4811350000004, 1397.8285310000003, 1383.1397700000005, 1390.3505910000003, 1404.0713900000005, 1404.0713900000005, 1423.7108860000005, 1423.7108860000005, 1397.8835150000004, 1394.6551190000005, 1442.2742500000004, 1442.2742500000004, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1447.6549390000002, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1449.992743, 1457.794758, 1455.3734320000001, 1456.718597, 1453.2211100000002, 1424.7035249999999, 1424.7035249999999, 1412.0589739999998, 1412.0589739999998, 1416.0944399999998, 1403.9879549999996, 1466.1348679999999, 1466.1348679999999, 1462.6374969999999, 1467.2110290000001, 1467.2110290000001, 1479.8555799999999, 1479.8555799999999, 1479.8555799999999, 1478.5567159999998, 1478.5567159999998, 1484.5681850000001, 1489.3273939999997, 1477.3042399999999, 1485.06917, 1478.5567159999998, 1472.5451389999996, 1469.5394179999996, 1477.8052249999998, 1443.4894400000001, 1449.5009899999998, 1449.5009899999998, 1449.5009899999998, 1433.7207049999995, 1433.7207049999995, 1430.2138909999994, 1430.2138909999994, 1412.6803339999994, 1412.6803339999994, 1412.4390799999994, 1423.7756519999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1436.8006639999994, 1432.2178259999994, 1445.0015839999996, 1447.6721219999997, 1458.5972699999998, 1466.8518279999996, 1450.3427119999994, 1463.6956359999997, 1461.0250459999995, 1454.4700299999995, 1454.4700299999995, 1455.4411819999991, 1497.9278339999992, 1485.7887979999994, 1485.7887979999994, 1487.3014459999993, 1472.6786239999992, 1472.6786239999992, 1437.8862349999993, 1437.8862349999993, 1454.2739929999991, 1448.9794279999992, 1448.9794279999992, 1432.8438499999995, 1432.8438499999995, 1449.5770419999994, 1456.3748819999994, 1456.3748819999994, 1456.3748819999994, 1459.4003669999991, 1459.4003669999991, 1459.4003669999991, 1472.2583609999992, 1472.2583609999992, 1480.8304019999991, 1449.8197409999987, 1457.887610999999, 1458.6439349999991, 1458.6439349999991, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1434.3658629999993, 1456.2161849999995, 1456.2161849999995, 1468.3552209999996, 1463.4995909999998, 1438.9786789999998, 1432.4235849999995, 1420.2845229999996, 1405.2321349999995, 1405.2321349999995, 1416.8856209999994, 1416.8856209999994, 1460.8290009999994, 1462.2856249999993, 1462.2856249999993, 1459.0174249999993, 1459.0174249999993, 1459.5028969999996, 1459.5028969999996, 1475.7691729999997, 1474.7980209999994, 1474.7980209999994, 1479.0264959999995, 1479.0264959999995, 1479.0264959999995, 1475.3617959999995, 1485.6229039999994, 1485.6229039999994, 1485.6229039999994, 1476.6773519999995, 1472.4676639999993, 1472.4676639999993, 1471.4153399999991, 1466.4162759999992, 1466.4162759999992, 1466.4162759999992, 1469.9681799999992, 1469.9681799999992, 1464.443023999999, 1464.443023999999, 1464.443023999999, 1457.8466809999991, 1457.8466809999991, 1457.8466809999991, 1434.6934529999992, 1434.6934529999992, 1442.8497129999994, 1433.6410169999992, 1433.6410169999992, 1432.8798329999993, 1426.2834629999993, 1404.7182659999992, 1399.6441829999992, 1412.8370039999993, 1410.0462029999992, 1420.1944499999993, 1420.1944499999993, 1420.1944499999993, 1435.6706339999994, 1435.6706339999994, 1442.5207499999995, 1438.7150999999997, 1433.1334979999995, 1439.4761759999997, 1439.4761759999997, 1463.5784279999996, 1472.2044689999996, 1472.2044689999996, 1484.3825219999994, 1468.3988999999995, 1462.5636329999993, 1462.5636329999993, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1458.2505449999994, 1464.5932229999996, 1480.8305099999995, 1480.8305099999995, 1483.6213109999994, 1483.6213109999994, 1487.1732149999993, 1489.4565779999994, 1489.4565779999994, 1489.4565779999994, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1491.5003699999995, 1497.8589739999993, 1510.8412299999995, 1563.3000419999994, 1574.9575339999994, 1552.4373579999992, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1562.2402419999994, 1566.5833809999997, 1562.4956889999994, 1567.0943559999996, 1553.0429079999997, 1559.9409219999993, 1528.2612009999996, 1528.2612009999996, 1528.2612009999996, 1512.6295289999996, 1512.6295289999996, 1512.6295289999996, 1524.0221129999993, 1524.0221129999993, 1524.8169209999994, 1534.6198889999994, 1534.6198889999994, 1534.6198889999994, 1547.3371529999995, 1547.3371529999995, 1549.4566409999993, 1549.4566409999993, 1549.2011939999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1570.9170779999995, 1576.5376139999996, 1576.5376139999996, 1576.5376139999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1581.6472829999996, 1595.9541629999994, 1603.1076589999993, 1603.1076589999993, 1603.1076589999993, 1611.5858629999996, 1611.5858629999996, 1606.2207739999994, 1601.1111319999995, 1601.8775539999995, 1601.8775539999995, 1564.0663489999995, 1574.5410529999995, 1568.6650159999997, 1568.6650159999997, 1568.6650159999997, 1555.0333099999996, 1555.0333099999996, 1551.9469129999998, 1528.5414769999995, 1557.6053839999997, 1557.6053839999997, 1557.6053839999997, 1548.3460579999996, 1543.9736779999996, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1480.7017699999994, 1496.3911459999995, 1513.8809089999997, 1511.3088349999996, 1536.7719139999997, 1528.0270459999995, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1530.5990119999997, 1536.5432879999994, 1536.5432879999994, 1536.5432879999994, 1516.4815579999997, 1508.3081719999998, 1508.3081719999998, 1510.7849840000001, 1514.500072, 1514.500072, 1502.6115980000002, 1510.7849840000001, 1523.416434, 1507.0697919999998, 1507.0697919999998, 1507.0697919999998, 1503.1069760000003, 1529.856088, 1529.856088, 1525.893272, 1525.893272, 1525.1787720000002, 1519.9395220000001, 1519.9395220000001, 1531.3326179999999, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1504.0882320000001, 1546.440906, 1557.5863520000003, 1557.5863520000003, 1570.960908, 1570.960908, 1570.960908, 1581.1156499999997, 1585.8215720000001, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1571.7040139999997, 1574.0337359999999, 1574.0337359999999, 1546.8537539999998, 1533.652104, 1533.9108989999997, 1481.3629589999998, 1434.2509559999999, 1434.2509559999999, 1428.7669839999999, 1428.7669839999999, 1428.7669839999999, 1406.955884, 1409.113034, 1409.113034, 1409.113034, 1432.0457879999999, 1432.0457879999999, 1432.0457879999999, 1463.204526, 1454.7293319999999, 1464.4508620000001, 1492.369038, 1490.6241520000001, 1506.5774140000001, 1504.3339780000001, 1534.2463799999998, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1536.739026, 1525.5218719999998, 1562.1645559999997, 1562.1645559999997, 1573.1324739999995, 1565.6543019999995, 1577.8685559999997, 1577.8685559999997, 1581.8568779999996, 1578.6163419999996, 1550.9473759999998, 1566.1528519999995, 1527.7652819999996, 1534.7449039999995, 1562.9123159999997, 1562.9123159999997, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1584.1002099999994, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1597.8100099999995, 1595.9980129999997, 1596.2568349999997, 1596.2568349999997, 1596.2568349999997, 1590.2634829999997, 1605.1163989999995, 1605.1163989999995, 1615.0182709999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1620.2298379999995, 1645.5059149999995, 1645.5059149999995, 1635.4689009999993, 1611.1289749999992, 1621.1660929999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1597.8298969999994, 1591.3058469999994, 1601.8447129999995, 1622.9225749999996, 1614.3910649999996, 1623.1735529999996, 1651.0264169999996, 1651.0264169999996, 1638.9818649999997, 1638.9818649999997, 1638.9818649999997, 1638.0167399999996, 1638.0167399999996, 1641.8770399999996, 1654.6648149999996, 1650.5629899999997, 1663.5918899999995, 1677.8272399999994, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1665.0396649999996, 1658.5251149999995, 1648.3915899999995, 1655.6299399999996, 1654.1821649999997, 1670.5888899999995, 1661.6618149999995, 1687.9607649999996, 1675.1731899999993, 1675.1731899999993, 1675.1731899999993, 1681.446214999999, 1674.9318649999989, 1668.658639999999, 1677.8272399999992, 1677.8272399999992, 1693.2688649999993, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1676.3796399999994, 1667.4525399999993, 1674.6907149999995, 1674.6907149999995, 1674.6907149999995, 1692.9046649999993, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1679.5476899999994, 1696.7222239999992, 1720.4635519999993, 1746.7303119999992, 1770.7242559999997, 1774.5127939999995, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1783.857635999999, 1808.6092719999988, 1808.6092719999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1790.1720219999988, 1777.2910759999986, 1777.2910759999986, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1775.5231279999985, 1796.7386339999985, 1796.7386339999985, 1770.7727069999987, 1770.7727069999987, 1779.3598829999987, 1783.9060869999985, 1787.4420089999983, 1772.0354229999987, 1730.1094609999984, 1730.1094609999984, 1638.9912169999982, 1629.7433769999984, 1711.3418449999981, 1754.0451489999984, 1744.5251489999982, 1743.7092009999981, 1671.6306209999982, 1671.6306209999982, 1674.5157059999981, 1643.5665779999979, 1687.1051849999981, 1661.4016709999983, 1673.9911499999982, 1671.3683699999981, 1666.647311999998, 1666.647311999998, 1680.790973999998, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1643.1585999999979, 1636.0769859999982, 1625.0612559999981, 1657.8463569999981, 1618.7664759999982, 1615.0945569999983, 1644.732321999998, 1644.732321999998, 1640.241384999998, 1672.2063339999982, 1672.9988109999981, 1675.1122629999982, 1675.1122629999982, 1675.1122629999982, 1669.5646539999982, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1665.0736629999983, 1659.5260539999981, 1659.5260539999981, 1647.3741099999984, 1677.2256069999983, 1677.2256069999983, 1677.9888369999985, 1671.3746449999983, 1718.6910309999985, 1711.3137389999986, 1711.3137389999986, 1711.3137389999986, 1717.4190069999986, 1719.199746999999, 1719.199746999999, 1719.199746999999, 1693.0270219999986, 1700.1205969999987, 1692.0485969999988, 1659.0269719999988, 1648.2642969999988, 1671.5018719999989, 1662.2067719999986, 1694.494596999999, 1699.6314719999987, 1696.6961469999987, 1696.6961469999987, 1696.6961469999987, 1698.6530219999988, 1706.235721999999, 1694.2501219999988, 1716.9983969999987, 1716.9983969999987, 1695.1209309999988, 1748.2881489999984, 1725.6475309999985, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1699.1910489999984, 1704.4744359999986, 1752.8181789999983, 1790.5949589999984, 1757.5733109999985, 1707.9088089999987, 1738.0245549999984, 1741.7229609999983, 1769.4612219999988, 1769.4612219999988, 1763.649390999999, 1781.8773879999992, 1769.196999999999, 1754.4033489999988, 1702.0121709999989, 1704.9375939999993, 1680.4706529999992, 1612.9204869999992, 1577.0178039999992, 1574.6243889999992, 1574.6243889999992, 1531.5412719999993, 1554.4125939999994, 1523.5629339999991, 1522.7650299999996, 1482.8732049999996, 1475.9586669999994, 1521.1694109999994, 1486.8624279999995, 1486.8624279999995, 1485.8380279999994, 1491.9842719999997, 1548.8375099999996, 1532.4474219999997, 1485.5818759999997, 1485.5818759999997, 1510.9353859999999, 1510.9353859999999, 1510.9353859999999, 1501.8932479999999, 1501.8932479999999, 1501.8932479999999, 1623.7948040000001, 1647.5130999999999, 1647.5130999999999, 1647.5130999999999, 1647.7888440000002, 1668.4735080000003, 1668.4735080000003, 1669.0645380000001, 1694.7725580000006, 1710.4338480000004, 1673.7924480000001, 1673.7924480000001, 1689.2369120000003, 1689.2369120000003, 1691.7190840000001, 1691.7190840000001, 1691.7190840000001, 1701.4310389999998, 1686.8631790000002, 1686.8631790000002, 1680.7956629999999, 1680.7956629999999, 1673.0733190000001, 1668.384859, 1716.0974189999999, 1716.0974189999999, 1710.0299870000001, 1710.0299870000001, 1710.0299870000001, 1707.7448740000002, 1697.1759400000001, 1697.1759400000001, 1683.66202, 1683.66202, 1677.2718320000001, 1653.9335240000003, 1666.4362240000003, 1625.0384200000001, 1625.0384200000001, 1637.818908, 1667.825276, 1737.5624400000002, 1759.7893999999999, 1759.7893999999999, 1759.7893999999999, 1788.9622919999997, 1814.52324, 1814.52324, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1824.8032720000001, 1796.3149770000002, 1786.8189560000003, 1797.1782490000001, 1797.1782490000001, 1821.0623590000002, 1821.0623590000002, 1821.0623590000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1804.6600750000002, 1807.9940910000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1806.6049270000005, 1817.8574740000004, 1817.8574740000004, 1817.8574740000004, 1835.639042, 1835.639042, 1840.9180220000003, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1827.0261580000004, 1823.8607790000003, 1823.8607790000003, 1825.5872650000003, 1828.1771100000003, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1844.8672480000002, 1905.5151200000005, 1958.8598880000004, 1958.8598880000004, 1958.8598880000004, 1958.8598880000004, 1979.3398880000004, 1979.3398880000004, 1979.3398880000004, 1979.3398880000004, 2008.1699190000004, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 2006.9298880000001, 1999.4898570000003, 2010.3399190000002, 2005.0698570000002, 2013.1297950000003, 2019.3299500000005, 2012.1998260000003, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2008.1699190000004, 2002.1697690000003, 2002.1697690000003, 2002.1697690000003, 2007.569769, 2007.569769, 2019.5697989999999, 2019.2697389999998, 2024.6697390000002, 2026.469679, 2026.469679, 2024.6697390000002, 2024.6697390000002, 2024.6697390000002, 2028.2698290000001, 2028.2698290000001, 2050.1697090000002, 2050.1697090000002, 2050.1697090000002, 2041.469679, 2041.469679, 2039.9697990000002, 2039.9697990000002, 2042.6696790000001, 2042.6696790000001, 2042.6696790000001, 2042.6696790000001, 2038.769769, 2038.769769, 2014.1697989999998, 2025.269859, 2033.3697689999997, 2033.3697689999997, 2033.3697689999997, 2029.1697989999996, 1985.0697689999997, 2002.4698289999994]
Batch 181
Last batch size unmatched...but may be fine!
End of data

Simulation for Test set took 130600.590862 seconds.

In [154]:
pv_history_list = result_list[0]
temp_pv_list = [1000]
temp_pv_list.extend(pv_history_list)
pv_history_list = temp_pv_list

plt.figure(figsize=(6,4))
test_phase_data['Trade Price'].plot()

plt.figure(figsize=(6,4))
plt.plot(pv_history_list, label='Chimp')

monkey_x = np.arange(len(pv_history_list))
monkey_y = ((1542.635 - 1000)/ len(pv_history_list)) * monkey_x + 1000
plt.plot(monkey_x, monkey_y, label='Monkey')

pt_x = np.arange(len(pv_history_list))
pt_y = ((2399.255 - 1000)/ len(pv_history_list)) * monkey_x + 1000
plt.plot(pt_x, pt_y, label='Patient Trader')

plt.legend()


Out[154]:
<matplotlib.legend.Legend at 0x7fd0995cac90>

In [1058]:
def inverse_percentile(arr, num):
    arr = sorted(arr)
    i_arr = [i for i, x in enumerate(arr) if x > num]
   
    return i_arr[0] / len(arr) if len(i_arr) > 0 else 1 

print(inverse_percentile(monkey_test.pv_history_list, 2002.4698289999994))


0.81995

The result turns out to be above the median by quite a lot (above 82% of the Monkeys).

And when we look at the equivalent annual ROI:

$$ ROI = (1 + r)^{1260/252} = 2.0025 $$$$ \Longrightarrow r = 0.1489854 \approx 14.90\% $$

It is certainly not as impressive as what she did on the cross-validation dataset which means we have probably overfitted the cv dataset with the grid search. Although it is above about 82% of the Monkeys (with median equal to 9.06%), it can still be pure chance and plus, with all the effort, it still can't beat the PT (19.13%). Let's try to refine it a bit.

Refinement

Surely we wouldn't expect the Chimp to give us a 33% of ROI on the test dataset when there is 2008 financial crisis, which though not impossible, is quite unlikely. However there surely is room for improvement. One way to refine it is to do it on the reinforcement learning part. It could be that the God Chimp is doing her job way too well. We can think of the God Chimp as someone who can see the future. And if you think about it: 1. we have someone who can see the future, 2. there's no trading cost. This means this "someone" will make use of every possible ups and downs to make all the money he or she wishes to. And this is bad, because he or she can make money out of the noise too, and we can't model the noise. If most of the time our model is trying to fit the noise, then it's not very good.

So to fix this, we can introduce trading cost on the training stage so if it were just small ups and downs, the Chimp would refrain herself from being too greedy or she would be penalized by the trading cost.


In [157]:
class MonkeyBot(object):
    def __init__(self, dfEnv, cash=1000, share=0, pv=0, random_state=0):
        random.seed(random_state)
        np.random.seed(random_state)
        
        self.cash = cash
        self.share = share
        self.pv = pv
        self.asset_history_list = []
        self.action_list = []
        
        self.env = deepcopy(dfEnv)

    def buy(self, stock_price, cost, fold=1):
        if self.cash < stock_price:
            self.hold(stock_price)
            
        else:
            num_affordable = int(self.cash // stock_price)
            buy_amount = int(num_affordable // fold)
            self.cash = self.cash - stock_price * buy_amount
            self.share = self.share + buy_amount
            self.pv = stock_price * self.share

             # Adding transaction cost
            self.trading_cost(buy_amount, cost)
            
        # Append action to action list
        self.action_list.append('Buy')

    def sell(self, stock_price, cost, fold=1):
        if self.share == 0:
            self.hold(stock_price)
            
        else:
            sell_amount = int(self.share // fold)
            self.cash = self.cash + stock_price * sell_amount
            self.pv = 0
            self.share = 0

            # Adding transaction cost
            self.trading_cost(sell_amount, cost)
            
        self.action_list.append('Sell')

    def hold(self, stock_price):
        self.pv = stock_price * self.share

    def trading_cost(self, trading_amount, cost):
            if cost is None:
                pass                
            elif cost == 'low':
                if trading_amount * 0.01 < 1.99:
                    self.cash = self.cash - 1.99
                else:
                    self.cash = self.cash - trading_amount * 0.01
            elif cost == 'medium':
                if trading_amount * 0.01 < 5:
                    self.cash = self.cash - 5
                else:
                    self.cash = self.cash - trading_amount * 0.01
            elif cost == 'high':
                if trading_amount * 0.01 < 7:
                    self.cash = self.cash - 7
                else:
                    self.cash = self.cash - trading_amount * 0.01
            else:
                raise ValueError("Invalid cost parameter!")
        
    def reset(self):
        self.cash = 1000
        self.share = 0
        self.pv = 0

    def make_decision(self, x, cost):
        random_choice = random.choice([1, 2])

        if random_choice == 0:
            self.hold(x)
        elif random_choice == 1:
            self.buy(x, cost)
        elif random_choice == 2:
            self.sell(x, cost)
        else:
            raise ValueError("Invalid choice!")

        return self.pv # for frame-wise operation

    def simulate(self, iters, cost=None):
        start_time = time.time()
        for i in range(iters):
            for index, row in self.env.iterrows():
                self.make_decision(row['Trade Price'], cost)
            self.asset_history_list.append(self.pv + self.cash)
            self.reset()
        print("{0} iterations took {1} seconds".format(iters, time.time() - start_time))
        
        return self.asset_history_list, self.action_list

In [173]:
import sys

class ChimpBot(MonkeyBot):
    """An agent that learns to drive in the smartcab world."""
    
    def __init__(self, dfEnv, iter_random_rounds, gamma, random_state=0, test_mode=False, cash=1000, share=0, pv=0):
        super(ChimpBot, self).__init__(dfEnv, iter_random_rounds, cash, share, pv)
        # From MonkeyBot:
        # sets self.cash = 1000
        # sets self.share = 0
        # sets self.pv = 0
        # sets self.pv_history_list = []
        # sets self.env = dfEnv
        # implements buy(self, stock_price)
        # implements sell(self, stock_price)
        # implements hold(self)

        # Set random state
        self.random_state = random_state
        random.seed(self.random_state)
        np.random.seed(self.random_state)
        
        # Chimp parameters
        self.valid_actions = ['Buy', 'Sell']
        self.gamma = gamma # Discount factor
        self.epsilon = 1 # Exploration-exploitation
        self.test_mode = test_mode
        self.random_rounds = iter_random_rounds # Number of rounds where the bot chooses to go monkey
        self.num_features = len(dfEnv.columns) # Use every columns from the input data
        
        # Turn input data into index, row
        self.iter_env = self.env.iterrows()
        self.now_env_index, self.now_row = self.iter_env.next()

        # Numpy alternative
#         self.env_arr = self.env.values
#         self.now_row = 0

        # May need to put back later
#         self.prev_cash = self.cash
#         self.prev_share = self.share
#         self.prev_pv = self.pv

        # Q-table and q_df
        self.q_df_columns = list(self.env.columns)
        self.q_df_columns.extend(['Action', 'Q Value'])
        self.q_df = pd.DataFrame(columns=self.q_df_columns)
        
        self.q_dict = defaultdict(lambda: (0, 0)) # element of q_dict is (state, act): (q_value, t)
        self.q_dict_analysis = defaultdict(lambda: (0, 0))

        # Misc
        self.reset_counter = 0

    def make_q_df(self):
        """Make a q_df out of the q_dict."""
#         print("Making q_df...")
        result_dict = defaultdict(list)
        for index, row in self.q_dict.iteritems():
            for i in range(len(self.q_dict.keys()[0])):
                column_name = 'col' + str(i + 1)
                result_dict[column_name].append(index[i])
            result_dict['Q'].append(self.q_dict[index][0])

        self.q_df = pd.DataFrame(result_dict)
        q_df_column_list = ['col' + str(x) for x in range(1, self.num_features - 1 + 1 + 1)] # features + action
        q_df_column_list.append('Q')
        self.q_df = self.q_df[q_df_column_list]

        def transfer_action(x):
            if x == 'Buy':
                return 1
            elif x == 'Sell':
                return 2
            elif x == 'Hold':
                return 0
            else:
                raise ValueError("Wrong action!")

        def str_float_int(x):
            return int(float(x))

        arr_int = np.vectorize(str_float_int)

#         print(self.q_df.head())
        self.q_df.ix[:, -2] = self.q_df.ix[:, -2].apply(transfer_action)
        self.q_df.ix[:, :-1] = self.q_df.ix[:, :-1].apply(arr_int) # Maybe useless

    def split_q_df(self):
        """Splitting q_df into features and labels."""
        
        self.q_df_X = self.q_df.ix[:, :-1]
        self.q_df_y = self.q_df.ix[:, -1]

    def train_on_q_df(self):
        """Model the q_df."""
#         print("Training on q_df...")
        self.q_reg = RandomForestRegressor(n_estimators=2000, max_features='sqrt', n_jobs=-1, random_state=self.random_state)
        self.q_reg = self.q_reg.fit(self.q_df_X, self.q_df_y)

    def update_q_model(self):
        """1. Make q_df
           2. Split q_df
           3. Train on q_df
        """
#         print("Updating Q model...")
#         start_time = time.time()
        self.make_q_df()
        self.split_q_df()
        self.train_on_q_df()
#         print("Update took {} seconds".format(time.time() - start_time))

    def from_state_action_predict_q(self, state_action):
        """Make prediction using self.reg"""
        state_action = [state_action]
        pred_q = self.q_reg.predict(state_action)

        return pred_q

    def max_q(self):
#         print("Calculating Max Q")
        def transfer_action(x):
            if x == 'Buy':
                return 1
            elif x == 'Sell':
                return 2
            elif x == 'Hold':
                return 0
            else:
                raise ValueError("Invalid action!")

#         def str_float_int(x):
#             return int(float(x))

        max_q = None
        q_compare_dict = {}

        if len(self.now_states) != self.num_features - 1:
            raise ValueError("Got ya bastard! @ MaxQ")

        # Populate the q_dict
        for act in set(self.valid_actions):
            # added 1 more additional features to the feature set
            self.now_states.append(act)
            now_row_key = tuple(self.now_states)

            _ = self.q_dict[now_row_key]

            try:
                self.q_reg
            except AttributeError:
                pass
                # print('No q_reg yet...going with default.')
            else:
                if _[1] == 0:
                    # print("Dreaming mode...")                    
                    single_X = np.array(now_row_key)
                    # print(single_X)
#                     arr_int = np.vectorize(str_float_int)
                    single_X[-1] = transfer_action(single_X[-1])
#                     single_X = arr_int(single_X)
                    single_X = single_X.reshape(1, -1)
                    pred_q = self.q_reg.predict(single_X)
                    dreamed_q = (1 - (1 / (self.q_dict[now_row_key][1] + 1))) * self.q_dict[now_row_key][0] + (1 / (self.q_dict[now_row_key][1] + 1)) * pred_q[0]
                    self.q_dict[now_row_key] = (dreamed_q, self.q_dict[now_row_key][1] + 1)

            q_compare_dict[now_row_key] = self.q_dict[now_row_key]
            self.now_states.pop()

        try:
            key, qAndT = max(q_compare_dict.iteritems(), key=lambda x:x[1])
        except ValueError:
            print("Wrong Q Value in Q Compare Dict!")
            sys.exit(1)
        else:
            return key[-1], qAndT[0], qAndT[1]

    def q_update(self):
#         print("Updating Q table...")
        # prev_states.append(self.prev_yes_share)
        self.prev_states.append(self.prev_action)
        prev_states_key = tuple(self.prev_states)

        if len(prev_states_key) != self.num_features - 1 + 1:
            raise ValueError("Got ya bastard! @ Q_Update")

        q_temp = self.q_dict[prev_states_key]
        q_temp0 = (1 - (1 / (q_temp[1] + 1))) * q_temp[0] + (1 / (q_temp[1] + 1)) * (self.reward + self.gamma * self.max_q()[1])

        self.q_dict[prev_states_key] = (q_temp0, q_temp[1] + 1)
        # For analysis purpose
        self.q_dict_analysis[prev_states_key] = (q_temp0, self.prev_env_index)

    def reset(self):
#         print("Resetting...")
        # Portfolio change over iterations
        self.asset_history_list.append(self.pv + self.cash)

        self.iter_env = self.env.iterrows()
        self.now_env_index, self.now_row = self.iter_env.next()
#         self.now_row = 0 # Numpy option

        self.cash = 1000
        self.share = 0
        self.pv = 0

        # Delete all prevs
        del self.prev_states
        del self.prev_env_index        
        del self.prev_cash
        del self.prev_share
        del self.prev_pv
        del self.prev_action

        if self.test_mode is True:
            self.epsilon = 0
        
        else:
            if self.epsilon - 1/self.random_rounds > 0.00001: # Epislon threshold: 0.01
                self.epsilon = self.epsilon - 1/self.random_rounds
            else:
                self.epsilon = 0.00001 # Epislon threshold: 0.1
                
        self.reset_counter += 1

        if self.reset_counter % self.random_rounds == 0:
            self.update_q_model()

        if np.abs(self.epsilon - 0.00001) > 0.000001:
            self.action_list = []

    def make_decision(self):
        return self.max_q()[0]

    def update(self, cost):
        # Update state
        self.now_states = list(self.now_row)
        self.now_states.pop() # Remove Trade Price

### Numpy option
#         try:
#             self.now_states = list(self.env_arr[self.now_row])
#         except IndexError:
#             print("End of data.")
#             sys.exit(1)
#         self.now_states.pop() # Remove Trade Price

        if len(self.now_states) != self.num_features - 1:
            raise ValueError("Got ya bastard! @ Q_Update...something wrong with the self.now_row!!!")

        # Update Q-table using prevs
        try:
            self.prev_states
        except AttributeError:
            pass
#             print("Running the first time...no prevs exist.")
        else:
            self.hold(self.now_row[-1])
            self.reward = ((self.cash - self.prev_cash) + (self.pv - self.prev_pv)) / (self.prev_cash + self.prev_pv)
            self.q_update()

        # All the prev stuff!
        self.prev_states = copy(self.now_states)
        self.prev_env_index = deepcopy(self.now_env_index)
#         self.prev_env_index = self.env.index[self.now_row] # Numpy option
        self.prev_cash = self.cash
        self.prev_share = self.share
        self.prev_pv = self.pv
        
        # Exploitation-exploration decisioning
        self.decision = np.random.choice(2, p = [self.epsilon, 1 - self.epsilon]) # decide to go random or with the policy
        # self.decision = 0 # Force random mode

        # print("Random decision: {0}, Epislon: {1}".format(self.decision, self.epsilon))
        if self.decision == 0: # if zero, go random
            action = random.choice(self.valid_actions)
        else: # else go with the policy
            action = self.make_decision()

        # Execute action and get reward
        if action == 'Buy':
            # print(self.now_row)
            self.buy(self.now_row[-1], cost)
#             self.buy(self.env_arr[self.now_row][-1], cost) # Numpy option
        elif action == 'Sell':
            # print(self.now_row)
            self.sell(self.now_row[-1], cost)
#             self.sell(self.env_arr[self.now_row][-1], cost) # Numpy option
        elif action == 'Hold':
            # print(self.now_row)
            self.hold(self.now_row[-1])
#             self.hold(self.env_arr[self.now_row][-1]) # Numpy option
        else:
            raise ValueError("Invalid action man!")
        
        self.prev_action = action
        
#         self.now_row += 1 # Numpy option

        try:
            self.now_env_index, self.now_row = self.iter_env.next()
        except StopIteration:
            pass

    def simulate(self, cost=None):
        start_time = time.time()

        for i in range(self.random_rounds):
            for l in range(len(self.env)):
#             for l in range(len(self.env_arr)): # Numpy option
                self.update(cost)
            self.reset()
            if (i + 1) % 500 == 0:
                print(self.asset_history_list[-1])
                print("Round {} finished".format(i + 1))
#             print(self.asset_history_list[-1])
#             print("Round {} finished".format(i + 1))
        print("{0} rounds of simulation with cost = {1}, took {2} seconds".format(self.random_rounds, cost, time.time() - start_time))
        return self.asset_history_list, self.action_list

In [174]:
def chimp_simulate(data_full, target_data, num_iter, gamma, train_size, batch_size, random_state=0):
    pv_history_list = []
    action_lists = []
    # Initiating data and the chimp
    start_date = target_data.index[0]
    end_date = target_data.index[-1]
    
    dfFull = data_full
    date_range = target_data.index[:] # Using 7 months of data to predict one month
    print(date_range)
    
    batch_count = 0
        
    cash = 1000
    share = 0
    pv = 0
    now_yes_share = 0

    for batch in range(len(target_data) // batch_size + 1):
        
#     for date in date_range:
        batch_count += 1
        print("Batch {}".format(batch_count))

        try:
            dfTest = dfFull.ix[target_data.index[batch * batch_size]:target_data.index[batch * batch_size + batch_size - 1]]
        except IndexError:
            print("Last batch size unmatched...but may be fine!")
            try: 
                dfTest = dfFull.ix[target_data.index[batch * batch_size]:target_data.index[-1]]
            except IndexError:
                print("End of data")
                return (pv_history_list, action_lists)
        
        (u,) = dfFull.index.get_indexer_for([target_data.index[batch * batch_size]])

        dfTrain = dfFull.iloc[u - (train_size):u]

        chimp_train = ChimpBot(dfTrain, iter_random_rounds=num_iter, gamma=gamma, random_state=0)

        for i in range(num_iter):
            for l in range(len(chimp_train.env)):
                # print("Train Round {0}-{1}".format(i + 1, l + 1))
                chimp_train.update('high')
            chimp_train.reset()

        # Test the Chimp!
#         q_df = deepcopy(chimp_train.q_df)
#         q_dict = deepcopy(chimp_train.q_dict)
#         q_reg = deepcopy(chimp_train.q_reg)

        try:
            _ = chimp_test
        except NameError:
            print("First time running...")
                    
#             now_yes_share = chimp_test.now_yes_share

        chimp_test = ChimpBot(dfTest, iter_random_rounds=num_iter, gamma=gamma, random_state=0)
        
        chimp_test.q_df = deepcopy(chimp_train.q_df)
        chimp_test.q_dict = deepcopy(chimp_train.q_dict)
        chimp_test.q_reg = deepcopy(chimp_train.q_reg)
        chimp_test.epsilon = 0

        # Pass the cheatsheet to the next chimp
        try:
            chimp_test.cash = cash
            chimp_test.share = share
            chimp_test.pv = pv
            
            chimp_test.prev_states = prev_states
#             chimp_test.now_action = now_action
            chimp_test.prev_action = prev_action
#             chimp_test.prev_yes_share = prev_yes_share
            chimp_test.reward = reward
            chimp_test.prev_cash = prev_cash
            chimp_test.prev_share = prev_share
            chimp_test.prev_pv = prev_pv
            chimp_test.prev_env_index = prev_env_index

        except UnboundLocalError:
            print("No cheatsheet to pass over yet...no worries!")

        for l in range(len(chimp_test.env)):
            # print("Train Round {0}-{1}".format(i + 1, l + 1))
            chimp_test.update(None)
            action_lists.append(chimp_test.action_list)
            pv_history_list.append(chimp_test.cash + chimp_test.pv)

                
        # Create cheatsheet for the next chimp
        cash = chimp_test.cash
        share = chimp_test.share
        pv = chimp_test.pv
            
        prev_states = chimp_test.prev_states
#         now_action = chimp_test.now_action
        prev_action = chimp_test.prev_action
#         prev_yes_share = chimp_test.prev_yes_share
        prev_env_index = chimp_test.prev_env_index
        reward = chimp_test.reward
        prev_cash = chimp_test.prev_cash
        prev_share = chimp_test.prev_share
        prev_pv = chimp_test.prev_pv
        
        if (batch + 1) % 3 == 0:
            print(pv_history_list)
        
    print(pv_history_list)
    
#     return (pv_history_list, action_lists)
    return pv_history_list

In [176]:
# start_time = time.time()
result_list = chimp_simulate(data_full=data_full, target_data=test_phase_data, num_iter=5000, gamma=0.75, train_size=21*35, batch_size=7, random_state=0)
print("\nSimulation for Test set took {} seconds.".format(time.time() - start_time))


DatetimeIndex(['2011-09-26', '2011-09-27', '2011-09-28', '2011-09-29',
               '2011-09-30', '2011-10-03', '2011-10-04', '2011-10-05',
               '2011-10-06', '2011-10-07',
               ...
               '2016-09-14', '2016-09-15', '2016-09-16', '2016-09-19',
               '2016-09-20', '2016-09-21', '2016-09-22', '2016-09-23',
               '2016-09-26', '2016-09-27'],
              dtype='datetime64[ns]', length=1260, freq=None)
Batch 1
First time running...
No cheatsheet to pass over yet...no worries!
Batch 2
Batch 3
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001]
Batch 4
Batch 5
Batch 6
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001]
Batch 7
Batch 8
Batch 9
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001]
Batch 10
Batch 11
Batch 12
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003]
Batch 13
Batch 14
Batch 15
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004]
Batch 16
Batch 17
Batch 18
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018]
Batch 19
Batch 20
Batch 21
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999]
Batch 22
Batch 23
Batch 24
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996]
Batch 25
Batch 26
Batch 27
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995]
Batch 28
Batch 29
Batch 30
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996]
Batch 31
Batch 32
Batch 33
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998]
Batch 34
Batch 35
Batch 36
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999]
Batch 37
Batch 38
Batch 39
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999]
Batch 40
Batch 41
Batch 42
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001]
Batch 43
Batch 44
Batch 45
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997]
Batch 46
Batch 47
Batch 48
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149]
Batch 49
Batch 50
Batch 51
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001]
Batch 52
Batch 53
Batch 54
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996]
Batch 55
Batch 56
Batch 57
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997]
Batch 58
Batch 59
Batch 60
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993]
Batch 61
Batch 62
Batch 63
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994]
Batch 64
Batch 65
Batch 66
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995]
Batch 67
Batch 68
Batch 69
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998]
Batch 70
Batch 71
Batch 72
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002]
Batch 73
Batch 74
Batch 75
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006]
Batch 76
Batch 77
Batch 78
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995]
Batch 79
Batch 80
Batch 81
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997]
Batch 82
Batch 83
Batch 84
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997]
Batch 85
Batch 86
Batch 87
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993]
Batch 88
Batch 89
Batch 90
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996]
Batch 91
Batch 92
Batch 93
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999]
Batch 94
Batch 95
Batch 96
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998]
Batch 97
Batch 98
Batch 99
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067]
Batch 100
Batch 101
Batch 102
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003]
Batch 103
Batch 104
Batch 105
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994]
Batch 106
Batch 107
Batch 108
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998]
Batch 109
Batch 110
Batch 111
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998]
Batch 112
Batch 113
Batch 114
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002]
Batch 115
Batch 116
Batch 117
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004]
Batch 118
Batch 119
Batch 120
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003]
Batch 121
Batch 122
Batch 123
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003]
Batch 124
Batch 125
Batch 126
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002]
Batch 127
Batch 128
Batch 129
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002]
Batch 130
Batch 131
Batch 132
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003]
Batch 133
Batch 134
Batch 135
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009]
Batch 136
Batch 137
Batch 138
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004]
Batch 139
Batch 140
Batch 141
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018]
Batch 142
Batch 143
Batch 144
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002]
Batch 145
Batch 146
Batch 147
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018]
Batch 148
Batch 149
Batch 150
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018]
Batch 151
Batch 152
Batch 153
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013]
Batch 154
Batch 155
Batch 156
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017]
Batch 157
Batch 158
Batch 159
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013]
Batch 160
Batch 161
Batch 162
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013, 2090.4387460000016, 2109.7443260000014, 2116.6392210000017, 2119.7419360000017, 2115.9497210000018, 2075.9594210000014, 2087.6807460000014, 2070.0988460000017, 2095.2651410000017, 2087.6807460000014, 2090.4387460000016, 2080.7858160000014, 2074.9252410000017, 2134.5659410000017, 2133.8764410000017, 2126.2921510000015, 2115.9497210000018, 2100.0915360000017, 2097.333641000002, 2084.5780310000014, 2084.5780310000014]
Batch 163
Batch 164
Batch 165
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013, 2090.4387460000016, 2109.7443260000014, 2116.6392210000017, 2119.7419360000017, 2115.9497210000018, 2075.9594210000014, 2087.6807460000014, 2070.0988460000017, 2095.2651410000017, 2087.6807460000014, 2090.4387460000016, 2080.7858160000014, 2074.9252410000017, 2134.5659410000017, 2133.8764410000017, 2126.2921510000015, 2115.9497210000018, 2100.0915360000017, 2097.333641000002, 2084.5780310000014, 2084.5780310000014, 2067.6856310000012, 2090.0939260000014, 2082.1061910000017, 2052.9333060000017, 2068.561681000002, 2016.8144260000015, 2031.4009560000018, 2031.4009560000018, 2068.9089160000021, 2156.0803710000018, 2156.0803710000018, 2131.7894110000016, 2145.2844190000019, 2180.7086450000015, 2211.7469390000019, 2190.1550690000017, 2202.6379650000017, 2190.1550690000017, 2201.2884370000015, 2207.3611770000016, 2190.1550690000017]
Batch 166
Batch 167
Batch 168
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013, 2090.4387460000016, 2109.7443260000014, 2116.6392210000017, 2119.7419360000017, 2115.9497210000018, 2075.9594210000014, 2087.6807460000014, 2070.0988460000017, 2095.2651410000017, 2087.6807460000014, 2090.4387460000016, 2080.7858160000014, 2074.9252410000017, 2134.5659410000017, 2133.8764410000017, 2126.2921510000015, 2115.9497210000018, 2100.0915360000017, 2097.333641000002, 2084.5780310000014, 2084.5780310000014, 2067.6856310000012, 2090.0939260000014, 2082.1061910000017, 2052.9333060000017, 2068.561681000002, 2016.8144260000015, 2031.4009560000018, 2031.4009560000018, 2068.9089160000021, 2156.0803710000018, 2156.0803710000018, 2131.7894110000016, 2145.2844190000019, 2180.7086450000015, 2211.7469390000019, 2190.1550690000017, 2202.6379650000017, 2190.1550690000017, 2201.2884370000015, 2207.3611770000016, 2190.1550690000017, 2176.660197000002, 2196.5652250000016, 2155.0682930000016, 2121.6682230000019, 2110.5349570000017, 2122.6803350000014, 2109.5227770000015, 2137.5248370000018, 2129.7652550000016, 2128.4157270000014, 2109.1854630000016, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2128.6339690000013, 2126.9967400000019, 2126.9967400000019, 2159.0867980000021, 2143.0417690000018, 2156.1398650000019]
Batch 169
Batch 170
Batch 171
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013, 2090.4387460000016, 2109.7443260000014, 2116.6392210000017, 2119.7419360000017, 2115.9497210000018, 2075.9594210000014, 2087.6807460000014, 2070.0988460000017, 2095.2651410000017, 2087.6807460000014, 2090.4387460000016, 2080.7858160000014, 2074.9252410000017, 2134.5659410000017, 2133.8764410000017, 2126.2921510000015, 2115.9497210000018, 2100.0915360000017, 2097.333641000002, 2084.5780310000014, 2084.5780310000014, 2067.6856310000012, 2090.0939260000014, 2082.1061910000017, 2052.9333060000017, 2068.561681000002, 2016.8144260000015, 2031.4009560000018, 2031.4009560000018, 2068.9089160000021, 2156.0803710000018, 2156.0803710000018, 2131.7894110000016, 2145.2844190000019, 2180.7086450000015, 2211.7469390000019, 2190.1550690000017, 2202.6379650000017, 2190.1550690000017, 2201.2884370000015, 2207.3611770000016, 2190.1550690000017, 2176.660197000002, 2196.5652250000016, 2155.0682930000016, 2121.6682230000019, 2110.5349570000017, 2122.6803350000014, 2109.5227770000015, 2137.5248370000018, 2129.7652550000016, 2128.4157270000014, 2109.1854630000016, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2128.6339690000013, 2126.9967400000019, 2126.9967400000019, 2159.0867980000021, 2143.0417690000018, 2156.1398650000019, 2150.9005210000018, 2164.6536340000016, 2168.5829110000022, 2130.2711980000022, 2130.2711980000022, 2123.2855340000019, 2123.2855340000019, 2107.4091180000019, 2107.4091180000019, 2088.744450000002, 2049.7778190000022, 2046.1758360000024, 2054.362113000002, 2056.3267350000024, 2059.2738000000022, 2078.2660260000021, 2070.4071420000023, 2114.2856910000019, 1968.5698680000019, 1903.4072100000019, 1965.9503280000022]
Batch 172
Batch 173
Batch 174
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013, 2090.4387460000016, 2109.7443260000014, 2116.6392210000017, 2119.7419360000017, 2115.9497210000018, 2075.9594210000014, 2087.6807460000014, 2070.0988460000017, 2095.2651410000017, 2087.6807460000014, 2090.4387460000016, 2080.7858160000014, 2074.9252410000017, 2134.5659410000017, 2133.8764410000017, 2126.2921510000015, 2115.9497210000018, 2100.0915360000017, 2097.333641000002, 2084.5780310000014, 2084.5780310000014, 2067.6856310000012, 2090.0939260000014, 2082.1061910000017, 2052.9333060000017, 2068.561681000002, 2016.8144260000015, 2031.4009560000018, 2031.4009560000018, 2068.9089160000021, 2156.0803710000018, 2156.0803710000018, 2131.7894110000016, 2145.2844190000019, 2180.7086450000015, 2211.7469390000019, 2190.1550690000017, 2202.6379650000017, 2190.1550690000017, 2201.2884370000015, 2207.3611770000016, 2190.1550690000017, 2176.660197000002, 2196.5652250000016, 2155.0682930000016, 2121.6682230000019, 2110.5349570000017, 2122.6803350000014, 2109.5227770000015, 2137.5248370000018, 2129.7652550000016, 2128.4157270000014, 2109.1854630000016, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2128.6339690000013, 2126.9967400000019, 2126.9967400000019, 2159.0867980000021, 2143.0417690000018, 2156.1398650000019, 2150.9005210000018, 2164.6536340000016, 2168.5829110000022, 2130.2711980000022, 2130.2711980000022, 2123.2855340000019, 2123.2855340000019, 2107.4091180000019, 2107.4091180000019, 2088.744450000002, 2049.7778190000022, 2046.1758360000024, 2054.362113000002, 2056.3267350000024, 2059.2738000000022, 2078.2660260000021, 2070.4071420000023, 2114.2856910000019, 1968.5698680000019, 1903.4072100000019, 1965.9503280000022, 2020.9621200000022, 2051.7424410000021, 2038.542342000002, 1982.1123750000022, 2003.2323750000021, 2016.1024740000021, 2057.3524740000021, 2071.8724080000025, 2102.5624410000023, 2101.2424080000019, 2132.922507000002, 2134.9024080000022, 2127.6423750000022, 2124.3424410000021, 2126.6524080000022, 2118.7323750000023, 2130.2824410000021, 2124.6723750000019, 2133.2523090000022, 2139.8524740000025, 2132.2623420000023]
Batch 175
Batch 176
Batch 177
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013, 2090.4387460000016, 2109.7443260000014, 2116.6392210000017, 2119.7419360000017, 2115.9497210000018, 2075.9594210000014, 2087.6807460000014, 2070.0988460000017, 2095.2651410000017, 2087.6807460000014, 2090.4387460000016, 2080.7858160000014, 2074.9252410000017, 2134.5659410000017, 2133.8764410000017, 2126.2921510000015, 2115.9497210000018, 2100.0915360000017, 2097.333641000002, 2084.5780310000014, 2084.5780310000014, 2067.6856310000012, 2090.0939260000014, 2082.1061910000017, 2052.9333060000017, 2068.561681000002, 2016.8144260000015, 2031.4009560000018, 2031.4009560000018, 2068.9089160000021, 2156.0803710000018, 2156.0803710000018, 2131.7894110000016, 2145.2844190000019, 2180.7086450000015, 2211.7469390000019, 2190.1550690000017, 2202.6379650000017, 2190.1550690000017, 2201.2884370000015, 2207.3611770000016, 2190.1550690000017, 2176.660197000002, 2196.5652250000016, 2155.0682930000016, 2121.6682230000019, 2110.5349570000017, 2122.6803350000014, 2109.5227770000015, 2137.5248370000018, 2129.7652550000016, 2128.4157270000014, 2109.1854630000016, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2128.6339690000013, 2126.9967400000019, 2126.9967400000019, 2159.0867980000021, 2143.0417690000018, 2156.1398650000019, 2150.9005210000018, 2164.6536340000016, 2168.5829110000022, 2130.2711980000022, 2130.2711980000022, 2123.2855340000019, 2123.2855340000019, 2107.4091180000019, 2107.4091180000019, 2088.744450000002, 2049.7778190000022, 2046.1758360000024, 2054.362113000002, 2056.3267350000024, 2059.2738000000022, 2078.2660260000021, 2070.4071420000023, 2114.2856910000019, 1968.5698680000019, 1903.4072100000019, 1965.9503280000022, 2020.9621200000022, 2051.7424410000021, 2038.542342000002, 1982.1123750000022, 2003.2323750000021, 2016.1024740000021, 2057.3524740000021, 2071.8724080000025, 2102.5624410000023, 2101.2424080000019, 2132.922507000002, 2134.9024080000022, 2127.6423750000022, 2124.3424410000021, 2126.6524080000022, 2118.7323750000023, 2130.2824410000021, 2124.6723750000019, 2133.2523090000022, 2139.8524740000025, 2132.2623420000023, 2127.9724410000022, 2122.362375000002, 2117.412474000002, 2150.742540000002, 2147.4423420000021, 2204.8625070000021, 2198.2623420000023, 2190.672507000002, 2171.2023750000021, 2177.1423750000022, 2172.5224080000021, 2185.7224410000022, 2185.3923750000022, 2191.3323750000022, 2193.3123090000022, 2190.3424410000021, 2188.3625070000021, 2187.3723090000021, 2193.3123090000022, 2197.2724080000021, 2202.2224410000022]
Batch 178
Batch 179
Batch 180
[1000.0, 997.49836000000005, 963.10100799999987, 963.10100799999987, 963.10100799999987, 963.10100799999987, 1025.0354599999998, 1044.348352, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1095.6274519999997, 1066.5792769999998, 1066.5792769999998, 1066.5792769999998, 1095.1105319999999, 1104.5127500000001, 1104.5127500000001, 1104.5127500000001, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1126.8837640000002, 1062.215344, 1092.3676800000003, 1116.3598860000002, 1116.3598860000002, 1125.1137900000001, 1125.1137900000001, 1125.1137900000001, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1131.9486960000002, 1113.1089770000001, 1113.1089770000001, 1116.964565, 1116.964565, 1094.3568850000001, 1185.1643280000003, 1165.9478000000001, 1165.9478000000001, 1165.9478000000001, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1156.3790330000004, 1129.4338330000005, 1129.4338330000005, 1129.4338330000005, 1133.9903930000003, 1133.9903930000003, 1189.5631130000004, 1193.6114930000001, 1193.6114930000001, 1193.6114930000001, 1174.6841330000002, 1161.3649730000002, 1188.3538530000003, 1182.3953330000002, 1243.0328930000003, 1250.7996130000004, 1276.5707330000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1265.2738130000002, 1279.6950790000003, 1279.6950790000003, 1279.6950790000003, 1277.6827510000003, 1273.9937110000003, 1273.9937110000003, 1267.2861030000001, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1277.0121270000002, 1272.4404070000001, 1263.6234920000004, 1263.6234920000004, 1249.2552450000005, 1241.0914540000003, 1263.6234920000004, 1263.6234920000004, 1263.6234920000004, 1283.7461260000005, 1299.5089060000003, 1299.1734800000004, 1286.0937660000004, 1300.1796820000006, 1293.1366480000004, 1319.2962280000004, 1319.2962280000004, 1319.2962280000004, 1357.1938560000001, 1365.9137540000004, 1358.200096, 1321.9792180000002, 1343.1080540000003, 1359.5414960000001, 1359.5414960000001, 1343.5405130000004, 1436.6078710000002, 1442.8124380000004, 1442.8124380000004, 1442.8124380000004, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1456.4746900000002, 1488.565018, 1479.6686979999999, 1491.7423420000002, 1472.6786860000002, 1482.5282500000001, 1487.294218, 1474.1820099999998, 1441.8816220000001, 1439.642998, 1425.2516740000001, 1395.5096979999998, 1429.089346, 1429.089346, 1378.4089260000001, 1382.1400659999999, 1382.1400659999999, 1363.1737409999998, 1360.9973009999997, 1345.4511759999998, 1345.4511759999998, 1358.8208609999999, 1355.0898259999999, 1374.9888659999999, 1360.6864309999999, 1349.4931859999997, 1349.4931859999997, 1331.6728679999994, 1325.9340419999994, 1325.9340419999994, 1326.8667919999996, 1314.4299269999997, 1314.4299269999997, 1317.6280589999997, 1317.6280589999997, 1276.0532989999997, 1276.0532989999997, 1249.0295749999996, 1196.0217109999996, 1180.7776639999997, 1146.8248099999998, 1198.7933239999998, 1207.4547169999998, 1197.4075759999996, 1197.4075759999996, 1197.4075759999996, 1173.5996959999993, 1180.3512559999995, 1136.9996959999994, 1103.9530159999995, 1139.1316959999995, 1177.5084559999996, 1168.2696559999997, 1199.1842559999996, 1168.6249359999993, 1202.3822959999995, 1221.2152959999996, 1233.6522959999995, 1247.1551359999996, 1232.5861759999996, 1259.5921359999995, 1297.6135359999994, 1264.2114559999995, 1281.2678959999996, 1257.4600159999995, 1271.3182959999995, 1309.3396959999995, 1277.3591359999996, 1272.0289759999994, 1291.5726559999996, 1287.9897759999994, 1234.2442959999996, 1217.0457759999995, 1219.1954959999996, 1229.5862959999995, 1241.7686159999996, 1222.0619759999995, 1294.7974959999997, 1259.6837759999996, 1256.1008159999997, 1255.0258159999996, 1237.1106559999996, 1217.0457759999995, 1236.3940159999995, 1246.7848559999995, 1262.5501359999996, 1285.4816559999997, 1324.1783359999997, 1297.3055759999997, 1292.2893759999997, 1292.2893759999997, 1262.5501359999996, 1295.5140959999997, 1303.0384159999996, 1328.4779359999993, 1333.8525359999994, 1325.2531759999997, 1327.0448159999996, 1327.7614559999995, 1331.7026559999997, 1331.7026559999997, 1332.7775360000001, 1328.4779359999998, 1342.451736, 1366.458136, 1358.9337760000001, 1337.4354959999998, 1335.285656, 1337.4354959999998, 1337.4354959999998, 1343.5265759999997, 1329.194536, 1337.7937360000001, 1333.1357759999996, 1336.7188959999999, 1393.3306959999998, 1415.1872159999998, 1395.8388159999997, 1425.9362959999999, 1437.4019760000001, 1490.4309760000001, 1496.5220559999996, 1482.9064959999998, 1485.4146159999998, 1488.2810959999999, 1485.0563359999996, 1471.799176, 1484.3397359999999, 1459.9750959999999, 1448.8678159999997, 1464.633096, 1457.4670159999998, 1475.0238959999997, 1473.2322959999997, 1481.8951359999999, 1516.5462559999999, 1512.5758159999996, 1510.7710959999999, 1500.6645359999998, 1514.7415359999998, 1526.6528159999998, 1509.3272559999998, 1536.7594959999999, 1553.0022160000001, 1570.688656, 1570.688656, 1545.783216, 1537.481376, 1510.0492959999999, 1523.7652959999998, 1522.3214560000001, 1503.913096, 1522.6824560000002, 1564.5526159999999, 1549.3926560000002, 1543.9784960000002, 1565.9964160000002, 1479.3685359999999, 1476.4809760000003, 1484.4217759999999, 1482.9780960000001, 1463.486776, 1436.4155759999999, 1440.0250160000001, 1445.0782959999999, 1483.3389760000002, 1487.3094560000002, 1488.3922559999999, 1501.3864560000002, 1493.8065360000001, 1489.1141760000003, 1492.001816, 1506.078816, 1501.025576, 1491.279896, 1482.6170559999998, 1505.3569360000004, 1515.102576, 1554.446056, 1545.4223359999999, 1557.333576, 1562.0259760000001, 1562.3868560000003, 1563.4697759999999, 1563.4697759999999, 1563.4697759999999, 1551.5043029999999, 1551.5043029999999, 1533.3305369999998, 1530.5872409999997, 1530.5872409999997, 1519.2715249999999, 1519.2715249999999, 1544.3033790000002, 1578.4837329999998, 1575.3764349999999, 1602.651809, 1604.3780729999999, 1607.4854089999999, 1606.4496430000002, 1629.927183, 1629.5818389999999, 1620.605213, 1636.8322390000001, 1653.059379, 1639.939537, 1640.630073, 1643.3922169999998, 1632.689175, 1637.5227749999999, 1664.798149, 1664.798149, 1681.806595, 1682.1610269999999, 1679.3261949999999, 1707.673618, 1701.6498730000001, 1740.9819970000001, 1734.6038199999998, 1721.1387189999998, 1735.3124889999999, 1736.3754730000001, 1753.3839580000001, 1753.3839580000001, 1772.5185280000003, 1760.4708820000003, 1780.6684360000002, 1750.903597, 1738.1472040000001, 1761.533866, 1718.6583580000001, 1715.1148180000002, 1774.6444960000001, 1761.8881420000002, 1761.533866, 1768.2663190000003, 1782.0858129999999, 1782.0858129999999, 1782.0858129999999, 1767.2397449999999, 1776.9069069999998, 1770.0017369999998, 1765.858673, 1794.8603109999997, 1761.0251109999997, 1743.4168989999996, 1732.7139709999997, 1732.7139709999997, 1706.1291329999997, 1706.1291329999997, 1706.1291329999997, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1710.2721969999996, 1726.2175419999999, 1685.9264469999998, 1708.7463219999997, 1708.7463219999997, 1732.6358109999996, 1736.2013469999997, 1756.525222, 1758.6646059999996, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1747.9677249999997, 1752.3561249999996, 1752.3561249999996, 1752.3561249999996, 1762.3397349999998, 1758.0610839999997, 1758.0610839999997, 1761.2701209999996, 1725.6142539999996, 1728.1102929999995, 1709.9256849999995, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1731.6758289999993, 1728.8964329999994, 1728.8964329999994, 1748.3518249999997, 1778.2296289999995, 1778.2296289999995, 1824.4359189999993, 1824.0885609999996, 1849.4499509999994, 1849.4499509999994, 1839.9781729999993, 1850.4647129999989, 1882.2624019999994, 1884.6303279999993, 1916.7663449999993, 1916.7663449999993, 1913.2922329999994, 1897.6585009999997, 1862.5693769999993, 1878.8979769999992, 1905.6490269999993, 1908.7757809999994, 1878.5506189999996, 1867.7806589999993, 1902.1748009999994, 1866.0436029999994, 1866.0436029999994, 1874.8387989999994, 1855.8954279999994, 1819.7001409999993, 1802.1098969999994, 1766.9293719999994, 1806.1692779999994, 1820.3766859999996, 1842.3645279999994, 1830.1866809999992, 1820.0384689999992, 1843.5494529999994, 1842.5272909999992, 1884.0976789999995, 1908.2902029999993, 1908.2902029999993, 1906.2458419999996, 1916.8087129999997, 1911.0161779999994, 1908.2902029999993, 1912.3790359999994, 1921.2383899999995, 1958.7197969999995, 1951.5642559999994, 1965.1939459999994, 1968.9419719999996, 1967.5791139999994, 1967.5791139999994, 1952.2457589999995, 1939.9791119999995, 1927.7125389999994, 1941.3420809999996, 1968.9421199999992, 1967.2384549999992, 1953.9494609999992, 1933.1643779999995, 1926.6902289999994, 1910.6755189999994, 1900.1124999999993, 1885.4606479999993, 1892.2754929999994, 1887.5051569999994, 1887.5051569999994, 1887.5051569999994, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1836.4125229999995, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1840.2619989999998, 1844.5718889999998, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1838.4660879999999, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1850.7142860000001, 1852.4639960000002, 1805.5707420000003, 1765.6764800000003, 1813.9695780000002, 1813.9695780000002, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1825.8955660000004, 1850.9528540000003, 1850.9528540000003, 1817.1100920000001, 1812.8797800000004, 1875.2772620000003, 1874.9246600000004, 1881.9752180000003, 1867.8741780000003, 1927.4513760000002, 1934.8544220000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1938.0271560000003, 1928.2584360000005, 1938.7508010000006, 1935.4945350000005, 1935.4945350000005, 1930.7910180000006, 1892.4397830000005, 1892.4397830000005, 1875.8710610000003, 1872.6982890000006, 1877.9861410000005, 1862.1224710000001, 1862.1224710000001, 1862.1224710000001, 1857.660308, 1863.495504, 1863.495504, 1879.1921879999998, 1879.1921879999998, 1892.8851119999997, 1891.2151439999998, 1928.6202959999996, 1936.6355879999999, 1942.9811999999995, 1926.9503279999997, 1937.3035679999996, 1928.6202959999996, 1920.6048599999995, 1916.5972319999994, 1927.6183079999996, 1881.8639279999998, 1889.8793279999995, 1904.9080679999997, 1911.2536439999999, 1890.2132639999995, 1898.2286999999997, 1893.5529479999996, 1901.9022839999996, 1878.5242079999998, 1929.2882759999995, 1928.9542319999996, 1944.6510239999993, 1962.6856559999994, 1963.0195559999995, 1961.3497319999997, 1959.3458279999995, 1953.0003599999995, 1970.7009479999997, 1974.3986159999999, 1989.5257439999998, 2000.9551319999996, 1978.0963559999996, 1996.58502, 1992.8872799999997, 1983.8111039999997, 1957.254588, 1958.5992599999995, 2017.4269319999996, 2000.6190359999998, 1971.0370799999998, 1973.0539439999995, 1953.5568479999997, 1915.9071479999998, 1869.5172959999998, 1869.5172959999998, 1891.3676399999997, 1884.3082199999997, 1900.1076839999996, 1878.5935799999997, 1843.2969839999996, 1843.2969839999996, 1851.7942839999994, 1893.3004689999996, 1897.8759489999998, 1901.7978739999994, 1924.3484439999995, 1927.2898439999997, 1943.9576139999997, 1947.8795389999998, 1958.9914439999995, 1918.7924389999991, 1929.2507889999995, 1930.2312089999998, 1943.9576139999997, 1911.2755939999997, 1902.1246339999993, 1900.1636889999993, 1900.1636889999993, 1900.1636889999993, 1935.4602849999992, 1965.7145769999997, 1990.5903249999994, 2007.3982209999995, 2000.6750409999997, 1966.7230089999998, 1957.6467249999996, 1940.8387929999994, 1919.9970249999994, 1946.2174449999998, 1962.3530409999996, 1970.4207489999997, 2031.2654289999996, 2033.2822929999995, 2063.5365849999994, 2058.8303769999998, 2024.2061529999994, 2024.8783449999999, 2028.9123249999996, 2051.4348609999997, 2050.0901889999996, 2056.5175929999996, 2062.6065969999995, 2033.8531089999999, 2006.4526089999999, 2001.3784089999997, 2015.5860969999997, 1952.3283729999996, 1952.3283729999996, 1940.5074649999999, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1934.9446629999995, 1939.6805349999995, 1939.6805349999995, 1939.6805349999995, 1960.8884909999999, 1956.7164449999993, 1947.6770119999996, 1942.8095879999996, 1895.5259929999997, 1864.9306559999998, 1889.6154649999996, 1900.3933799999998, 1888.2247459999996, 1910.4759539999995, 1909.4328499999997, 1900.3933799999998, 1870.8410729999996, 1863.8876999999998, 1881.9667509999995, 1878.1423199999995, 1892.0491769999999, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1906.9991379999997, 1916.1326259999998, 1911.0584260000001, 1903.6162899999999, 1912.0731940000001, 1914.7794939999997, 1946.9158299999999, 1958.4172179999998, 1973.639602, 1989.8770059999999, 1968.5655099999997, 1960.7851539999997, 1960.7851539999997, 1955.0343699999999, 1973.639602, 1985.8175739999997, 1969.5803139999996, 1978.0372179999997, 1999.6869339999998, 1973.639602, 1977.36067, 1972.6247980000001, 1977.36067, 1977.36067, 1977.36067, 1977.36067, 1980.0857260000002, 1967.1413140000002, 1936.1429380000002, 1944.9996940000003, 1929.3301900000001, 1929.3301900000001, 1946.0216620000001, 2013.4687060000001, 2028.4569100000001, 1999.5023980000001, 2012.1061060000002, 2012.4468100000001, 2027.0943100000002, 2027.0943100000002, 2032.8851620000005, 2027.434906, 2033.5664620000002, 2014.8311980000003, 2024.02855, 1981.7889220000002, 1941.2525980000005, 1947.0435940000002, 1926.9457300000004, 1932.736582, 1932.736582, 1947.3841899999998, 1946.7028899999998, 1947.724786, 1960.3286019999998, 1969.18525, 1961.3504979999998, 1977.7012659999998, 1988.9425180000003, 1991.6675740000001, 2020.9627899999996, 2020.6221939999998, 2049.5767059999998, 2063.2024179999999, 2058.0927219999994, 2043.4451140000001, 2053.323766, 2060.817814, 2061.8398179999999, 2062.180378, 2068.9932699999999, 2068.3119699999997, 2040.0387579999999, 2040.0387579999999, 2058.4333179999999, 2067.6306699999996, 2067.6306699999996, 2069.3339739999992, 2080.2345219999997, 2114.6392539999997, 2107.4858019999997, 2100.6729459999997, 2101.6948419999994, 2125.1992059999998, 2074.7842659999997, 2088.7505379999998, 2080.9158219999999, 2077.8500260000001, 2061.8398179999995, 2043.6642099999997, 2093.7329379999996, 2089.6177419999999, 2058.4104939999997, 2097.1623699999996, 2051.8947459999999, 2032.6902579999999, 2020.3444899999997, 2014.5146499999998, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1930.1521059999995, 1950.4901859999995, 1973.1621010000001, 1969.8279309999998, 2002.8356259999998, 1991.4996859999997, 1994.8337159999999, 2031.1755109999999, 2044.5119809999997, 2023.5070809999995, 2023.5070809999995, 2026.0980849999996, 2026.0980849999996, 2040.9967490000001, 2040.9967490000001, 2014.7621790000003, 2004.0739050000004, 2005.693325, 2008.9322330000002, 2013.7904250000001, 2016.0576130000004, 2000.5111470000006, 2011.1994210000005, 2027.7174710000004, 2006.3410930000002, 2007.6366630000005, 2001.8067170000002, 1996.6245730000005, 2031.6041810000004, 2046.5028450000002, 2041.3207010000003, 2084.0734570000004, 2083.1017370000004, 2075.9763570000005, 2018.6487530000004, 2033.5474170000002, 1997.9201430000003, 1969.4182490000001, 1969.4182490000001, 2014.0952940000002, 2071.1085089999997, 2086.1119940000008, 2086.445369, 2104.4495790000001, 2104.4495790000001, 2106.7834140000004, 2120.4532589999999, 2126.7881540000008, 2107.7837490000002, 2118.1859240000003, 2053.0880940000002, 2000.4058840000002, 2003.4258940000004, 2047.7191990000003, 2012.4858890000003, 1995.3726390000004, 1995.7081140000003, 1995.7081140000003, 1932.89211, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1965.3354900000002, 1934.7999500000003, 1937.8199600000005, 1918.6933000000001, 1870.0377350000003, 1900.9087500000003, 1857.6221850000002, 1894.1977450000004, 1936.1422000000005, 1924.7332850000003, 1937.8199600000005, 1975.4021200000002, 1973.0532350000003, 1994.5287800000006, 1991.5087700000004, 2031.7754649999999, 2035.1309500000002, 2049.5598399999999, 2025.0643200000002, 2020.3665500000002, 2039.4932100000003, 2024.3931950000001, 2073.7198850000004, 2084.4576750000001, 2099.2221800000002, 2089.1554100000003, 2105.5976750000004, 2112.3088200000002, 2117.6777150000003, 2113.3154549999999, 2076.0687700000008, 2096.5376799999999, 2044.8621050000002, 2054.2577500000002, 2092.17542, 2079.7599050000008, 2108.2820700000002, 2100.2288150000004, 2104.9265500000001, 2086.4710500000001, 2104.9265500000001, 2084.4576750000001, 2061.6398800000006, 2033.1177150000001, 2030.7688300000002, 2031.1043400000001, 2078.4176550000002, 2065.6666300000002, 2057.8974700000003, 2077.1512499999999, 2075.4623600000004, 2088.2981200000004, 2095.0538550000001, 2109.2409299999999, 2117.0099850000006, 2129.5080300000004, 2162.2733150000004, 2201.7941950000004, 2188.2828300000001, 2155.5175450000002, 2169.0290500000001, 2137.6149400000004, 2158.8953600000004, 2154.1663700000004, 2147.4106350000002, 2138.62826, 2152.8151950000001, 2181.1892400000002, 2169.7045150000004, 2181.5270950000004, 2219.0213350000004, 2219.0213350000004, 2202.8075150000009, 2222.3991500000006, 2255.8398650000008, 2254.4886900000006, 2251.4487650000005, 2256.8531850000008, 2274.7560700000008, 2269.013515000001, 2287.2539750000005, 2307.1834650000005, 2289.2808600000008, 2295.0231700000004, 2288.9430050000005, 2263.9469150000004, 2288.9430050000005, 2279.8226350000004, 2265.6357000000003, 2275.7693900000008, 2273.7425050000011, 2296.7119200000006, 2284.2140150000005, 2321.0325450000005, 2303.1299400000003, 2312.9257750000006, 2349.406695000001, 2358.1889300000007, 2349.0688400000004, 2340.2863250000005, 2353.1223650000006, 2345.3531700000003, 2366.9714450000006, 2343.3265300000007, 2373.0516100000009, 2399.736730000001, 2375.0782500000005, 2362.5803100000007, 2372.7137550000007, 2313.6012400000009, 2332.5174100000008, 2358.0169400000004, 2339.3171750000006, 2332.8575050000009, 2314.8378600000005, 2268.2586700000006, 2291.3782350000006, 2323.3377150000006, 2358.6968150000007, 2390.9963550000011, 2396.0963100000008, 2408.6759050000001, 2396.7761850000011, 2398.4762750000004, 2393.0362250000007, 2426.3557350000005, 2411.3959300000006, 2386.5765550000006, 2355.9770700000008, 2357.3370650000006, 2387.5964900000004, 2390.9963550000011, 2373.6566200000007, 2373.6566200000007, 2371.2766900000006, 2380.456630000001, 2380.456630000001, 2373.6568650000013, 2402.2162000000017, 2402.2162000000017, 2367.5949640000022, 2378.4360760000022, 2390.3260120000018, 2396.6207560000016, 2401.5166480000016, 2380.1844520000018, 2322.1331200000018, 2240.3013760000022, 2123.1493480000017, 2111.2592680000021, 2216.1715840000015, 2271.0758320000018, 2258.835832000002, 2257.7867560000018, 2165.114296000002, 2204.2815400000022, 2208.1283200000016, 2166.8628160000017, 2224.9142920000018, 2190.642940000002, 2207.4289120000021, 2203.9318720000019, 2197.6371280000017, 2239.6020760000019, 2259.185608000002, 2207.0792440000018, 2147.2791400000019, 2165.114296000002, 2146.2300640000017, 2136.7879120000021, 2122.100272000002, 2165.8137400000019, 2113.707232000002, 2108.811340000002, 2148.3283600000018, 2164.0650760000021, 2158.0771600000021, 2200.6970920000017, 2201.753728000002, 2204.5716640000019, 2204.5716640000019, 2197.5270040000019, 2190.1301920000019, 2184.142204000002, 2129.1942520000016, 2196.1180360000021, 2215.1385640000021, 2207.7417520000017, 2218.3086520000015, 2202.1060600000019, 2241.9080560000016, 2265.8597920000016, 2266.9165720000019, 2257.7584600000018, 2323.2734560000017, 2313.0587440000022, 2279.2445920000018, 2324.6824240000019, 2333.1358720000017, 2335.6015120000025, 2356.3832680000019, 2427.5338120000019, 2389.8450880000019, 2400.0598360000017, 2388.436156000002, 2340.885016000002, 2325.3867640000017, 2358.8488720000018, 2345.4639280000015, 2391.9583960000018, 2399.3554960000015, 2395.1286280000018, 2371.881232000002, 2368.3589920000018, 2371.1768920000018, 2382.0959800000019, 2364.8367160000016, 2364.8367160000016, 2332.3043560000019, 2302.8539210000017, 2374.4251760000016, 2343.9474210000017, 2308.3329260000014, 2291.2106110000018, 2296.3473510000013, 2243.6105060000014, 2250.4593410000016, 2313.1271560000014, 2362.0970560000014, 2319.2912160000014, 2254.9113060000018, 2293.9502360000015, 2298.7444660000015, 2334.7014710000017, 2330.249506000001, 2322.7156510000013, 2346.3445360000014, 2329.9069960000015, 2310.7300410000012, 2242.8155510000015, 2246.6077660000019, 2214.8913610000013, 2127.3263310000016, 2080.7858160000014, 2077.6832410000015, 2082.1648160000013, 2026.3163310000014, 2055.9643410000017, 2015.9740410000013, 2014.9397210000018, 1963.2280960000019, 1954.2648060000015, 2012.8713260000013, 1968.3993110000017, 2017.3530410000012, 2015.9740410000013, 2024.2478310000017, 2100.7810360000017, 2078.7174560000017, 2015.6292210000017, 2028.7295110000014, 2062.8592360000016, 2040.4508360000013, 1998.7368210000016, 1987.0155310000014, 1963.5729160000014, 1879.1106010000015, 2031.4875460000017, 2061.1354160000014, 2075.6147410000012, 2042.5193360000012, 2042.8640160000018, 2068.7198460000018, 1984.2574960000015, 1984.9470310000013, 2014.9397210000018, 2033.2112260000015, 1990.4629260000013, 2090.4387460000016, 2109.7443260000014, 2116.6392210000017, 2119.7419360000017, 2115.9497210000018, 2075.9594210000014, 2087.6807460000014, 2070.0988460000017, 2095.2651410000017, 2087.6807460000014, 2090.4387460000016, 2080.7858160000014, 2074.9252410000017, 2134.5659410000017, 2133.8764410000017, 2126.2921510000015, 2115.9497210000018, 2100.0915360000017, 2097.333641000002, 2084.5780310000014, 2084.5780310000014, 2067.6856310000012, 2090.0939260000014, 2082.1061910000017, 2052.9333060000017, 2068.561681000002, 2016.8144260000015, 2031.4009560000018, 2031.4009560000018, 2068.9089160000021, 2156.0803710000018, 2156.0803710000018, 2131.7894110000016, 2145.2844190000019, 2180.7086450000015, 2211.7469390000019, 2190.1550690000017, 2202.6379650000017, 2190.1550690000017, 2201.2884370000015, 2207.3611770000016, 2190.1550690000017, 2176.660197000002, 2196.5652250000016, 2155.0682930000016, 2121.6682230000019, 2110.5349570000017, 2122.6803350000014, 2109.5227770000015, 2137.5248370000018, 2129.7652550000016, 2128.4157270000014, 2109.1854630000016, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2124.7045930000013, 2128.6339690000013, 2126.9967400000019, 2126.9967400000019, 2159.0867980000021, 2143.0417690000018, 2156.1398650000019, 2150.9005210000018, 2164.6536340000016, 2168.5829110000022, 2130.2711980000022, 2130.2711980000022, 2123.2855340000019, 2123.2855340000019, 2107.4091180000019, 2107.4091180000019, 2088.744450000002, 2049.7778190000022, 2046.1758360000024, 2054.362113000002, 2056.3267350000024, 2059.2738000000022, 2078.2660260000021, 2070.4071420000023, 2114.2856910000019, 1968.5698680000019, 1903.4072100000019, 1965.9503280000022, 2020.9621200000022, 2051.7424410000021, 2038.542342000002, 1982.1123750000022, 2003.2323750000021, 2016.1024740000021, 2057.3524740000021, 2071.8724080000025, 2102.5624410000023, 2101.2424080000019, 2132.922507000002, 2134.9024080000022, 2127.6423750000022, 2124.3424410000021, 2126.6524080000022, 2118.7323750000023, 2130.2824410000021, 2124.6723750000019, 2133.2523090000022, 2139.8524740000025, 2132.2623420000023, 2127.9724410000022, 2122.362375000002, 2117.412474000002, 2150.742540000002, 2147.4423420000021, 2204.8625070000021, 2198.2623420000023, 2190.672507000002, 2171.2023750000021, 2177.1423750000022, 2172.5224080000021, 2185.7224410000022, 2185.3923750000022, 2191.3323750000022, 2193.3123090000022, 2190.3424410000021, 2188.3625070000021, 2187.3723090000021, 2193.3123090000022, 2197.2724080000021, 2202.2224410000022, 2226.3123090000022, 2244.4624080000021, 2244.4624080000021, 2234.8923750000022, 2244.1323420000022, 2242.4824740000022, 2233.242540000002, 2236.2124080000021, 2216.412474000002, 2229.9423420000021, 2212.4523750000021, 2208.162474000002, 2216.0823750000022, 2189.0224080000021, 2201.2324740000022, 2210.1423750000022, 2222.6822760000023, 2240.8323750000022, 2236.2124080000021, 2187.7023750000021, 2206.8424410000021]
Batch 181
Last batch size unmatched...but may be fine!
End of data

Simulation for Test set took 138713.045316 seconds.

In [177]:
pv_history_list = result_list[0]
temp_pv_list = [1000]
temp_pv_list.extend(pv_history_list)
pv_history_list = temp_pv_list

plt.figure(figsize=(6,4))
test_phase_data['Trade Price'].plot()

plt.figure(figsize=(6,4))
plt.plot(pv_history_list, label='Chimp')

monkey_x = np.arange(len(pv_history_list))
monkey_y = ((1542.635 - 1000)/ len(pv_history_list)) * monkey_x + 1000
plt.plot(monkey_x, monkey_y, label='Monkey')

pt_x = np.arange(len(pv_history_list))
pt_y = ((2399.255 - 1000)/ len(pv_history_list)) * monkey_x + 1000
plt.plot(pt_x, pt_y, label='Patient Trader')

plt.legend()


Out[177]:
<matplotlib.legend.Legend at 0x7fd05d517150>

In [187]:
print(inverse_percentile(monkey_test.pv_history_list, 2206.8424410000021))


0.89706

Seems like our refinement has beaten 89.7 percent of the Monkeys.

Let's look at the equivalent annual ROI:

$$ ROI = (1 + r)^{1260/252} = 2.2068 $$$$ \Longrightarrow r = 0.1715278 \approx 17.15\% $$

Results

Model Evaluation and Validation

The number of iterations required for the Q-table to converge is tightly related to the number of valid actions and the discount factor. We set our discount factor $\gamma = 0.75$, and with two possible valid actions, any rewards that happen 10 days from the day of interest will be discounted to less than 5%. This means exploring all the possible actions would require roughly $2^{10}$ of iterations (given that we have only two valid actions). Therefore, 5000 iterations as what we have done earlier should guarantee a good convergence.

Justification

The result shows that our Chimp performs better than 89.7% of the Monkeys, which has not yet achieved statistical significance but seems to be a good start. For our trading bot to be useful, we need to test it against more stocks and make it outperform the PT in general. Due to that lack of resources, we won't cover that is this report.

Conclusion

Reflection

This is a really interesting and challenging project for me for a few reasons. First is that I wasn't really familiar with time series data, and second is that I've never bought any stocks and had zero knowledge of the stock market whatsoever.

I started out using only supervised learning, and my first submit (which was like three months ago) wasn't very successful. I was then advised by my reviewer to try out some time series specific techiques such as ARIMA, which I did and failed, and reinforcement learning, which is what I'm using now. And though it hasn't achieved the level for practical use, I feel that this is the right way to go. About one month I after I started going with this approach, I was actually contacted on LinkedIn by the CEO of a Fintech sponsored hedge fund. And I realized they were actually doing something really similar, only that they were doing it with deep learning. This makes me feel more confident about this approach. I really want to thank my first reviewer for leading me to this path!

Following are some of the words of my reflection on my first submit:

There were quite a few places that I found puzzled and difficult.

First is the benchmark. I had no idea what a reasonable benchmark should be. How precise the prediction need to be? How far into the future do I want to predict? And can I predict that with the data?

The second is working with time series data. It's my first time working with time series data. The "physics" behind the scene is dynamic and time-dependent. How do I convert this data into something I can work with traditional machine learning methods, without losing information and constrains?

Third comes to model building. Should we build one model to predict for all the stocks? Or should we build one for each? If I build each of them independently, how do I incorporate sector information?

There are a lot more than what I've listed here, but these are the ones that came to mind first and were definitely among the hardest. However, though the word difficulty is used here, never for a second did I think any of them was difficult. Now that I think back, I think it's because I didn't know what would a reasonable goal be so there was not much pressure. The only thing that kept driving me forward was how to improve it, how to make it better. All of these questions are not so easy to answer, but my ignorance definitely lent me a hand this time.

It's intersting to look back on what I felt three months ago. A lot of things was really fresh an new to me back then but now it all feels quite natural to me. I really like this project. It got me into trading, and has made me more interested in reinforcement learning.

Improvement

  1. Try out a different feature set—we basically hand-picked our features in the hope that they could capture the patterns of the stock market. Our selection was based on volume price analysis but it may very well not be a good representation of what good VPA pracitioners are really doing. So one way to do this is to include more raw features (say we use tick data to the minute, and trace back more days) and then use PCA or an autoencoder to compress all that information. We can then use RFE or other feature selection methods to pick the better ones.

  2. Feature discretization my not ideal—since the feature space is vast, one way or the other we are only going to cover a fraction of the space. As such, discretizing it really won't give us any benefits. In doing so we're actually losing a lot of information.

  3. Use other data—we may also include economic data and social data so the trading bot can capture more than just what VPA method can capture.

  4. Try out different parameters on reinforcement learning—the best trading stratege is that we make every order placement counts. To achieve this we can increase the discount factor and the trading cost.

  5. Try out different algorithms on supervised learning—yes, I'm talking about deep learning!