Added generative RNN

This commit is contained in:
Maciej Krzyżanowski 2023-05-29 12:46:37 +02:00
parent f715bdeb88
commit ae1ba516a2
30 changed files with 29797 additions and 0 deletions

View File

9101
RNN/ac_dc.csv Normal file

File diff suppressed because it is too large Load Diff

110
RNN/data_processor.py Normal file
View File

@ -0,0 +1,110 @@
import pandas as pd
from keras.preprocessing.text import Tokenizer, one_hot
import numpy as np
from keras.utils import to_categorical
def pad_array(array, length):
return array + [0] * (length - len(array))
class DataProcessor:
def __init__(self, csv_filename, seqs_length=None, mode="words"):
self.lyrics = list(pd.read_csv(csv_filename)["Lyrics"].dropna())
if mode == "words":
self.tokenizer = Tokenizer()
elif mode == "chars":
self.tokenizer = Tokenizer(char_level=True)
else:
raise ValueError("Unsupported mode: " + mode)
self.mode = mode
self.tokenizer.fit_on_texts(self.lyrics)
self.seqs_length = seqs_length
self.train_lyrics = self.lyrics[:int(0.8 * len(self.lyrics))]
self.validation_lyrics = self.lyrics[int(0.8 * len(self.lyrics)):]
def texts_to_ints(self, texts):
return self.tokenizer.texts_to_sequences(texts)
def ints_to_text(self, ints):
return self.tokenizer.sequences_to_texts([ints])[0]
def texts_to_onehots(self, texts):
n = len(self.tokenizer.word_index) + 1
one_hots = [one_hot(lyric, n) for lyric in texts]
return one_hots
def vocab_size(self):
return len(self.tokenizer.word_index) + 1
def max_length(self, texts):
full_sequences = self.texts_to_ints(texts)
return max([len(seq) for seq in full_sequences])
def training_data(self, kind="ints", padded=False):
if kind == "ints":
full_sequences = self.texts_to_ints(self.train_lyrics)
elif kind == "onehots":
full_sequences = self.texts_to_onehots(self.train_lyrics)
else:
raise ValueError("Kind must be either ints or onehots")
if not padded and self.seqs_length:
X = []
y = []
for full_sequence in full_sequences:
for i in range(len(full_sequence) - self.seqs_length):
X.append(full_sequence[i:i + self.seqs_length])
y.append(full_sequence[i + self.seqs_length])
X = np.reshape(X, (len(X), len(X[0]), 1))
# TODO: Do we need that?
# X = X / float(self.vocab_size())
elif padded:
max_length = max([len(seq) for seq in full_sequences])
X = []
y = []
for full_sequence in full_sequences:
for i in range(len(full_sequence)):
X.append(pad_array(full_sequence[:i], max_length))
y.append(full_sequence[i])
X = np.reshape(X, (len(X), len(X[0]), 1))
else:
raise ValueError("Can't use padding along with seqs_length")
y = to_categorical(y, num_classes=self.vocab_size())
return X, y
def validation_data(self, kind="ints", padded=False):
if kind == "ints":
full_sequences = self.texts_to_ints(self.validation_lyrics)
elif kind == "onehots":
full_sequences = self.texts_to_onehots(self.validation_lyrics)
else:
raise ValueError("Kind must be either ints or onehots")
if not padded and self.seqs_length:
X = []
y = []
for full_sequence in full_sequences:
for i in range(len(full_sequence) - self.seqs_length):
X.append(full_sequence[i:i + self.seqs_length])
y.append(full_sequence[i + self.seqs_length])
X = np.reshape(X, (len(X), len(X[0]), 1))
# TODO: Do we need that?
# X = X / float(self.vocab_size())
elif padded:
max_length = max([len(seq) for seq in full_sequences])
X = []
y = []
for full_sequence in full_sequences:
for i in range(len(full_sequence)):
X.append(pad_array(full_sequence[:i], max_length))
y.append(full_sequence[i])
X = np.reshape(X, (len(X), len(X[0]), 1))
else:
raise ValueError("Can't use padding along with seqs_length")
y = to_categorical(y, num_classes=self.vocab_size())
return X, y

47
RNN/edit_distances.py Normal file
View File

@ -0,0 +1,47 @@
import os
from random import choice, randint
import numpy as np
from keras_nlp.src.metrics import EditDistance
from data_processor import DataProcessor
from models import BetaGRUModel, DefaultLSTMModel, GammaLSTMModel, DefaultGRUModel, OmicronLSTM, BetaLSTMModel
from song_generator import SongGenerator
dp = DataProcessor("ac_dc.csv", 10)
X, y = dp.training_data()
v_X, v_y = dp.validation_data()
# dp = DataProcessor("ac_dc.csv", None)
# X, y = dp.training_data("ints", True)
# v_X, v_y = dp.validation_data("ints", True)
model = GammaLSTMModel(X, y, v_X, v_y)
weights_to_load = "gamma-lstm-weights.hdf5"
weights_path = os.path.join("trained_models", weights_to_load)
model.keras_model.load_weights(weights_path)
lines = 1
words_in_line = 1
generator = SongGenerator(dp, model)
eds = []
for i in range(16):
original_text = choice(dp.validation_lyrics).split(" ")
original_begin = randint(0, len(original_text) - lines * words_in_line - 1)
original_end = original_begin + lines * words_in_line + 10
original = " ".join(original_text[original_begin:original_end])
original_ints = dp.texts_to_ints([original])[0]
original = original_ints[10:10+lines*words_in_line]
seed = original_ints[:10]
generated = generator.generate(words_in_line, lines, custom_seed=seed).lower()
generated = dp.texts_to_ints([generated])[0]
ed = EditDistance(normalize=True)
eds.append(ed(generated, original).numpy())
print(f"Average ED: {np.average(eds)}")
print(f"Min ED: {np.min(eds)}")
print(f"Max ED: {np.max(eds)}")

3764
RNN/jimi.csv Normal file

File diff suppressed because it is too large Load Diff

90
RNN/main.py Normal file
View File

@ -0,0 +1,90 @@
import os
import models
from data_processor import DataProcessor
from quality_evaluator import QualityEvaluatorCallback
from song_generator import SongGenerator
dp = DataProcessor("ac_dc.csv", 10)
X, y = dp.training_data()
v_X, v_y = dp.validation_data()
print("Models: \ndefault_lstm\nbeta_lstm\ngamma_lstm\ndefault_gru\nbeta_gru\nomicron_lstm")
model_decision = input("Which model do you want to use: ")
if model_decision == "default_lstm":
model = models.DefaultLSTMModel(X, y, v_X, v_y)
elif model_decision == "beta_lstm":
model = models.BetaLSTMModel(X, y, v_X, v_y)
elif model_decision == "gamma_lstm":
model = models.GammaLSTMModel(X, y, v_X, v_y)
elif model_decision == "default_gru":
model = models.DefaultGRUModel(X, y, v_X, v_y)
elif model_decision == "beta_gru":
model = models.BetaGRUModel(X, y, v_X, v_y)
elif model_decision == "omicron_lstm":
dp = DataProcessor("ac_dc.csv", None)
X, y = dp.training_data("ints", True)
model = models.OmicronLSTM(X, y, dp, v_X, v_y)
else:
raise ValueError("No such model exists")
generator = SongGenerator(dp, model)
decision = input("Load or train or load and train model: ")
if decision == "load":
weights_list = os.listdir("trained_models")
print("Weights saved are: ")
for i, name in enumerate(weights_list):
print(f"{i}: {name}")
idx_to_load = int(input("Which one to load: "))
if idx_to_load < 0 or idx_to_load > len(weights_list):
raise ValueError("Wrong weights choice")
print(f"Loading {idx_to_load}")
weights_to_load = weights_list[idx_to_load]
weights_path = os.path.join("trained_models", weights_to_load)
model.keras_model.load_weights(weights_path)
print("Loaded weights :)")
should_run = True
while should_run:
should_generate = input("Do you want to generate lyrics: ")
if should_generate == "yes":
temp = input("Provide a temperature: ")
print(generator.generate(6, 4, float(temp)))
elif should_generate == "no":
should_run = False
print("Goodbye :>")
else:
print("I do not understand this input... try again")
elif decision == "train":
model.train(generator)
print("Model trained :>")
elif decision == "load and train":
weights_list = os.listdir("trained_models")
print("Weights saved are: ")
for i, name in enumerate(weights_list):
print(f"{i}: {name}")
idx_to_load = int(input("Which one to load: "))
if idx_to_load < 0 or idx_to_load > len(weights_list):
raise ValueError("Wrong weights choice")
print(f"Loading {idx_to_load}")
weights_to_load = weights_list[idx_to_load]
weights_path = os.path.join("trained_models", weights_to_load)
model.keras_model.load_weights(weights_path)
print("Loaded weights :) Training...")
model.train(generator)
print("Model trained :>")
else:
raise ValueError("Unknown decision")

10874
RNN/metallica.csv Normal file

File diff suppressed because it is too large Load Diff

3762
RNN/metallica_hendrix.txt Normal file

File diff suppressed because it is too large Load Diff

Binary file not shown.

After

Width:  |  Height:  |  Size: 60 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 57 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 57 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 58 KiB

Binary file not shown.

After

Width:  |  Height:  |  Size: 54 KiB

203
RNN/models.py Normal file
View File

@ -0,0 +1,203 @@
import os.path
import numpy as np
from keras import Sequential
from keras.callbacks import ModelCheckpoint, EarlyStopping, CSVLogger
from keras.layers import LSTM, Dense, GRU, Embedding
from keras.metrics import Precision, Recall
from keras_nlp.metrics import EditDistance
#from keras_nlp.metrics import Perplexity
from data_processor import DataProcessor
from quality_evaluator import QualityEvaluatorCallback
from song_generator import GeneratorCallback
class DefaultLSTMModel:
def __init__(self, X, y, v_X, v_y):
self.keras_model = Sequential()
self.keras_model.add(LSTM(256, input_shape=(X.shape[1], X.shape[2]), return_sequences=True, dropout=0.2))
self.keras_model.add(LSTM(256, dropout=0.2))
self.keras_model.add(Dense(y.shape[1], activation='softmax'))
self.keras_model.compile(loss='categorical_crossentropy',
metrics=['accuracy', Precision(), Recall(name="recall")],
optimizer='adam')
self.X = X
self.y = y
self.validation_X = v_X
self.validation_y = v_y
def train(self, generator=None, max_epochs=512):
filepath = os.path.join("trained_models", "default-lstm-weights.hdf5")
checkpoint = ModelCheckpoint(filepath, monitor='loss', verbose=1, save_best_only=True, mode='min')
early_stop = EarlyStopping(monitor="loss", min_delta=0.01, patience=64)
callbacks_list = [checkpoint, early_stop, CSVLogger('default_lstm.log')]
if generator:
callbacks_list.append(GeneratorCallback(generator))
self.keras_model.fit(self.X, self.y, epochs=max_epochs, batch_size=64, callbacks=callbacks_list,
validation_data=(self.validation_X, self.validation_y))
class BetaLSTMModel:
def __init__(self, X, y, v_X, v_y):
self.keras_model = Sequential()
self.keras_model.add(LSTM(256, input_shape=(X.shape[1], X.shape[2]), return_sequences=True, dropout=0.36))
self.keras_model.add(LSTM(256, dropout=0.2))
self.keras_model.add(Dense(y.shape[1], activation='softmax'))
self.keras_model.compile(loss='categorical_crossentropy',
metrics=['accuracy', Precision(), Recall(name="recall")],
optimizer='adam')
self.X = X
self.y = y
self.validation_X = v_X
self.validation_y = v_y
def train(self, generator=None, max_epochs=512):
filepath = os.path.join("trained_models", "beta-lstm-weights.hdf5")
checkpoint = ModelCheckpoint(filepath, monitor='loss', verbose=1, save_best_only=True, mode='min')
early_stop = EarlyStopping(monitor="loss", min_delta=0.01, patience=64)
callbacks_list = [checkpoint, early_stop, CSVLogger('beta_lstm.log')]
if generator:
callbacks_list.append(GeneratorCallback(generator))
self.keras_model.fit(self.X, self.y, epochs=max_epochs, batch_size=64, callbacks=callbacks_list,
validation_data=(self.validation_X, self.validation_y))
class GammaLSTMModel:
def __init__(self, X, y, v_X, v_y):
self.keras_model = Sequential()
self.keras_model.add(LSTM(512, input_shape=(X.shape[1], X.shape[2]), return_sequences=True, dropout=0.2))
self.keras_model.add(LSTM(512, dropout=0.2))
self.keras_model.add(Dense(y.shape[1], activation='softmax'))
self.keras_model.compile(loss='categorical_crossentropy',
metrics=['accuracy', Precision(), Recall(name="recall")],
optimizer='adam')
self.X = X
self.y = y
self.validation_X = v_X
self.validation_y = v_y
def train(self, generator=None, max_epochs=512):
filepath = os.path.join("trained_models", "gamma-lstm-weights.hdf5")
checkpoint = ModelCheckpoint(filepath, monitor='loss', verbose=1, save_best_only=True, mode='min')
early_stop = EarlyStopping(monitor="loss", min_delta=0.01, patience=64)
#quality_eval = QualityEvaluatorCallback(self.validation_X, self.validation_y, self.keras_model)
callbacks_list = [checkpoint, early_stop, CSVLogger('gamma_lstm.log')]
if generator:
callbacks_list.append(GeneratorCallback(generator))
self.keras_model.fit(self.X, self.y, epochs=max_epochs, batch_size=64, callbacks=callbacks_list,
validation_data=(self.validation_X, self.validation_y))
class DefaultGRUModel:
def __init__(self, X, y, v_X, v_y):
self.keras_model = Sequential()
self.keras_model.add(GRU(256, input_shape=(X.shape[1], X.shape[2]), return_sequences=True, dropout=0.2))
self.keras_model.add(GRU(256, dropout=0.2))
self.keras_model.add(Dense(y.shape[1], activation='softmax'))
self.keras_model.compile(loss='categorical_crossentropy',
metrics=['accuracy', Precision(), Recall(name="recall")],
optimizer='adam')
self.X = X
self.y = y
self.validation_X = v_X
self.validation_y = v_y
def train(self, generator=None, max_epochs=512):
filepath = os.path.join("trained_models", "default-gru-weights.hdf5")
checkpoint = ModelCheckpoint(filepath, monitor='loss', verbose=1, save_best_only=True, mode='min')
early_stop = EarlyStopping(monitor="loss", min_delta=0.01, patience=64)
callbacks_list = [checkpoint, early_stop, CSVLogger('default_gru.log')]
if generator:
callbacks_list.append(GeneratorCallback(generator))
self.keras_model.fit(self.X, self.y, epochs=max_epochs, batch_size=64, callbacks=callbacks_list,
validation_data=(self.validation_X, self.validation_y))
class BetaGRUModel:
def __init__(self, X, y, v_X, v_y):
self.keras_model = Sequential()
self.keras_model.add(GRU(128, input_shape=(X.shape[1], X.shape[2]), return_sequences=True, dropout=0.2))
self.keras_model.add(GRU(128, dropout=0.2))
self.keras_model.add(Dense(y.shape[1], activation='softmax'))
self.keras_model.compile(loss='categorical_crossentropy',
metrics=['accuracy', Precision(), Recall(name="recall")],
optimizer='adam')
self.X = X
self.y = y
self.validation_X = v_X
self.validation_y = v_y
def train(self, generator=None, max_epochs=512):
filepath = os.path.join("trained_models", "beta-gru-weights.hdf5")
checkpoint = ModelCheckpoint(filepath, monitor='loss', verbose=1, save_best_only=True, mode='min')
early_stop = EarlyStopping(monitor="loss", min_delta=0.01, patience=64)
callbacks_list = [checkpoint, early_stop, CSVLogger('beta_gru.log')]
if generator:
callbacks_list.append(GeneratorCallback(generator))
self.keras_model.fit(self.X, self.y, epochs=max_epochs, batch_size=64, callbacks=callbacks_list,
validation_data=(self.validation_X, self.validation_y))
class OmicronLSTM:
def __init__(self, X, y, data_processor: DataProcessor, v_X, v_y):
self.keras_model = Sequential()
embeddings_index = {}
f = open("glove.6B.100d.txt")
for line in f:
values = line.split()
word = values[0]
coefficients = np.asarray(values[1:], dtype="float32")
embeddings_index[word] = coefficients
f.close()
word_index = data_processor.tokenizer.word_index
max_length = data_processor.max_length(data_processor.train_lyrics)
embedding_matrix = np.random.normal(0, 1, size=(len(word_index) + 1, 100))
for word, i in word_index.items():
embedding_vector = embeddings_index.get(word)
if embedding_vector is not None:
# words not found in embedding index will be all-zeros.
embedding_matrix[i] = embedding_vector
embedding_layer = Embedding(input_dim=len(word_index) + 1,
output_dim=100,
weights=[embedding_matrix],
input_length=max_length,
trainable=True)
self.keras_model.add(embedding_layer)
self.keras_model.add(LSTM(256, input_shape=(100, 1), return_sequences=True, dropout=0.2))
self.keras_model.add(LSTM(256, dropout=0.2))
self.keras_model.add(Dense(y.shape[1], activation='softmax'))
self.keras_model.compile(loss='categorical_crossentropy',
metrics=['accuracy', Precision(), Recall(name="recall")],
optimizer='adam')
self.X = X
self.y = y
self.validation_X = v_X
self.validation_y = v_y
def train(self, generator=None, max_epochs=512):
filepath = os.path.join("trained_models", "trained_models/omicron-lstm-weights.hdf5")
checkpoint = ModelCheckpoint(filepath, monitor='loss', verbose=1, save_best_only=True, mode='min')
early_stop = EarlyStopping(monitor="loss", min_delta=0.01, patience=64)
callbacks_list = [checkpoint, early_stop, CSVLogger('omicron_lstm.log')]
if generator:
callbacks_list.append(GeneratorCallback(generator))
self.keras_model.fit(self.X, self.y, epochs=max_epochs, batch_size=64, callbacks=callbacks_list,
validation_data=(self.validation_X, self.validation_y))

97
RNN/plots.py Normal file
View File

@ -0,0 +1,97 @@
import math
import matplotlib.pyplot as plt
import pandas as pd
from os.path import join
import numpy as np
def plot_omicron_metrics():
data = pd.read_csv(join("trained_models", "omicron_lstm.log"))
fig, ax = plt.subplots(2, 2)
fig.suptitle(f"Model: omicron_lstm")
plt.subplots_adjust(left=0.1,
bottom=0.1,
right=0.9,
top=0.9,
wspace=0.25,
hspace=0.8)
fig.set_figwidth(10)
accuracy = data["accuracy"]
ax[0][0].plot(range(1, 250), np.linspace(0, accuracy[0], 249), "deepskyblue", linestyle="--")
ax[0][0].plot(range(250, len(accuracy) + 250), accuracy, 'deepskyblue')
ax[0][0].set(xlabel="Numer epoki", ylabel="Dokładność (accuracy)")
ax[0][0].set_title("Dokładność")
precision = data["precision"]
ax[0][1].plot(range(1, 250), np.linspace(0, precision[0], 249), "limegreen", linestyle="--")
ax[0][1].plot(range(250, len(precision) + 250), precision, 'limegreen')
ax[0][1].set(xlabel="Numer epoki", ylabel="Precyzja (precision)")
ax[0][1].set_title("Precyzja")
recall = data["recall"]
ax[1][0].plot(range(1, 250), np.linspace(0, recall[0], 249), "orange", linestyle="--")
ax[1][0].plot(range(250, len(recall) + 250), recall, 'orange')
ax[1][0].set(xlabel="Numer epoki", ylabel="Zwrot (recall)")
ax[1][0].set_title("Zwrot")
loss = data["loss"]
ax[1][1].plot(range(1, 250), np.linspace(8.06, loss[0], 249), "r", linestyle="--")
ax[1][1].plot(range(250, len(loss) + 250), loss, 'r')
ax[1][1].set(xlabel="Numer epoki", ylabel="Koszt (loss)")
ax[1][1].set_title("Koszt")
fig.savefig(join("metrics_plots", f"omicron_lstm.png"))
def plot_metrics_for(filename, model_name):
data = pd.read_csv(join("trained_models", filename))
fig, ax = plt.subplots(2, 2)
fig.suptitle(f"Model: {model_name}")
plt.subplots_adjust(left=0.1,
bottom=0.1,
right=0.9,
top=0.9,
wspace=0.25,
hspace=0.8)
fig.set_figwidth(10)
accuracy = data["accuracy"]
ax[0][0].plot(range(1, len(accuracy) + 1), accuracy, 'deepskyblue')
ax[0][0].set(xlabel="Numer epoki", ylabel="Dokładność (accuracy)")
ax[0][0].set_title("Dokładność")
precision = data["precision"]
ax[0][1].plot(range(1, len(precision) + 1), precision, 'limegreen')
ax[0][1].set(xlabel="Numer epoki", ylabel="Precyzja (precision)")
ax[0][1].set_title("Precyzja")
recall = data["recall"]
ax[1][0].plot(range(1, len(recall) + 1), recall, 'orange')
ax[1][0].set(xlabel="Numer epoki", ylabel="Zwrot (recall)")
ax[1][0].set_title("Zwrot")
loss = data["loss"]
perplexity = [math.e**l for l in list(loss)]
ax[1][1].plot(range(1, len(loss) + 1), loss, 'r', label="Koszt")
pax = ax[1][1].twinx()
pax.plot(range(1, len(loss) + 1), perplexity, 'm', label="Perpleksja")
pax.set_ylabel("Perpleksja")
pax.legend(loc="right")
ax[1][1].set(xlabel="Numer epoki", ylabel="Koszt")
ax[1][1].legend(loc="upper right")
ax[1][1].set_title("Koszt")
fig.savefig(join("metrics_plots", f"{model_name}.png"))
plot_metrics_for("default_gru.log", "default_gru")
plot_metrics_for("beta_gru.log", "beta_gru")
plot_metrics_for("gamma_lstm.log", "gamma_lstm")
plot_omicron_metrics()
plot_metrics_for("default_lstm.log", "default_lstm")
plot_metrics_for("beta_lstm.log", "beta_lstm")

62
RNN/quality_evaluator.py Normal file
View File

@ -0,0 +1,62 @@
import math
import numpy as np
from keras import Model
from keras.callbacks import Callback
from keras_nlp.src.metrics import EditDistance
from numpy.random import choice
class QualityEvaluatorCallback(Callback):
def __init__(self, validation_X, validation_y):
super().__init__()
self.validation_X = validation_X
self.validation_y = validation_y
def on_epoch_end(self, epoch, logs=None):
print(f"{epoch} Calculating quality metrics!")
perplexity = logs.get("loss")**math.e
print(f"Perplexity: {perplexity}")
# true_positives = {}
# false_positives = {}
# false_negatives = {}
#
# v_set_size = self.validation_X.shape[0]
# random_ids = np.random.randint(0, v_set_size, size=100)
# validation_X_subset = self.validation_X[random_ids]
# validation_y_subset = self.validation_y[random_ids]
#
# i = 0
# for X, label in zip(validation_X_subset, validation_y_subset):
# prediction = self.keras_model.predict(X, verbose=0)
#
# predicted_idx = np.argmax(prediction)
# valid_idx = np.argmax(label)
#
# if predicted_idx not in true_positives:
# true_positives[predicted_idx] = 0
# if predicted_idx not in false_positives:
# false_positives[predicted_idx] = 0
# if predicted_idx not in false_negatives:
# false_negatives[predicted_idx] = 0
#
# if valid_idx not in true_positives:
# true_positives[valid_idx] = 0
# if valid_idx not in false_positives:
# false_positives[valid_idx] = 0
# if valid_idx not in false_negatives:
# false_negatives[valid_idx] = 0
#
# if predicted_idx == valid_idx:
# true_positives[predicted_idx] += 1
# else:
# false_positives[predicted_idx] += 1
# false_negatives[valid_idx] += 1
#
# precisions = []
# for tp, fp in zip(true_positives.values(), false_positives.values()):
# precisions.append(tp/(tp + fp + 10e-5))
#
# mean_precision = np.average(precisions)
# print(f"Mean precision: {mean_precision}")

80
RNN/song_generator.py Normal file
View File

@ -0,0 +1,80 @@
from random import randint
import random
import keras.callbacks
import numpy as np
from data_processor import DataProcessor
class SongGenerator:
def __init__(self, data_processor: DataProcessor, model):
self.data_processor = data_processor
self.model = model
def sample(self, predictions, temperature=0.1):
predictions = np.asarray(predictions).astype('float64')
predictions = np.log(predictions) / temperature
exp_predictions = np.exp(predictions)
predictions = exp_predictions / np.sum(exp_predictions)
probs = np.random.multinomial(1, predictions, 1)
return np.argmax(probs)
def generate(self, tokens_per_line=6, lines=4, temp=1.0, custom_seed=None):
result_indexes = []
if not custom_seed:
seed_idx = randint(0, len(self.model.X) - 1)
seed = self.model.X[seed_idx]
seed = list(np.reshape(seed, (len(seed))))
else:
seed = custom_seed
for _ in range(lines * tokens_per_line):
data_in = np.reshape(seed, (1, len(seed), 1))
#data_in = data_in / float(self.data_processor.vocab_size())
prediction = self.model.keras_model.predict(data_in, verbose=0)
#out_index = np.argmax(prediction)
# r = random.random()
# curr = 0.0
# out_index = -1
#
# for idx, pred in sorted(enumerate(list(prediction.flatten())), reverse=True, key=lambda x: x[1]):
# out_index = idx
# curr += pred
# if curr >= r:
# break
out_index = self.sample(prediction[0] + 10e-5, temp)
result_indexes.append(out_index)
seed.append(out_index)
seed = seed[1:len(seed)]
result_tokens = self.data_processor.ints_to_text(result_indexes).split(" ")
if self.data_processor.mode == "chars":
raise NotImplementedError()
# Capitalize I words
for i, token in enumerate(result_tokens):
if token == "i":
result_tokens[i] = token.capitalize()
elif token == "i'm":
result_tokens[i] = "I'm"
result = ""
for line_idx in range(lines):
result_tokens[line_idx*tokens_per_line] = result_tokens[line_idx*tokens_per_line].capitalize()
result += " ".join(result_tokens[line_idx*tokens_per_line:line_idx*tokens_per_line + tokens_per_line]) \
+ "\n"
return result.rstrip("\n")
class GeneratorCallback(keras.callbacks.Callback):
def __init__(self, generator):
super().__init__()
self.generator = generator
def on_epoch_end(self, epoch, logs=None):
print(self.generator.generate())

Binary file not shown.

Binary file not shown.

View File

@ -0,0 +1,249 @@
epoch,accuracy,loss,precision,recall,val_accuracy,val_loss,val_precision,val_recall
0,0.04057013988494873,6.308282375335693,0.0,0.0,0.043287161737680435,6.523462295532227,0.0,0.0
1,0.048344798386096954,5.989780902862549,0.0,0.0,0.04688332602381706,6.566540718078613,0.0,0.0
2,0.0524480901658535,5.830344200134277,0.0,0.0,0.0443526916205883,6.663118362426758,0.0,0.0
3,0.06198130548000336,5.676827430725098,0.0,0.0,0.05207778513431549,6.725044250488281,0.0,0.0
4,0.07398266345262527,5.535449504852295,0.0,0.0,0.0506126806139946,6.765126705169678,0.0,0.0
5,0.08487335592508316,5.402733325958252,0.8999999761581421,0.000277666375041008,0.04981353133916855,6.815914154052734,0.0,0.0
6,0.09382037818431854,5.279976844787598,0.9615384340286255,0.0015425909077748656,0.044885456562042236,6.920517921447754,0.3333333432674408,0.00013319126446731389
7,0.10526640713214874,5.16630220413208,0.9461538195610046,0.0037947737146168947,0.0490143857896328,6.962957382202148,0.3333333432674408,0.00013319126446731389
8,0.11483047157526016,5.063782691955566,0.9146341681480408,0.0069416593760252,0.04302077740430832,7.028644561767578,0.0,0.0
9,0.1203220933675766,4.964015007019043,0.8834356069564819,0.008885324001312256,0.04235482215881348,7.106280326843262,0.125,0.00013319126446731389
10,0.1272946000099182,4.870832443237305,0.8774038553237915,0.01126091368496418,0.041688866913318634,7.1732072830200195,0.0,0.0
11,0.13568629324436188,4.784560203552246,0.8975903391838074,0.013790762983262539,0.0411561019718647,7.226749897003174,0.0,0.0
12,0.1425662487745285,4.715068817138672,0.9118165969848633,0.015950391069054604,0.04102290794253349,7.282209396362305,0.025641025975346565,0.00013319126446731389
13,0.14765679836273193,4.652693271636963,0.8862359523773193,0.019467497244477272,0.03755993768572807,7.3396220207214355,0.0,0.0
14,0.15462931990623474,4.591610908508301,0.8788265585899353,0.021256903186440468,0.035828448832035065,7.388875961303711,0.0,0.0
15,0.16033689677715302,4.5268659591674805,0.8877314925193787,0.023663345724344254,0.03755993768572807,7.4465436935424805,0.0,0.0
16,0.16632215678691864,4.481540203094482,0.893401026725769,0.02714960090816021,0.0379595085978508,7.517641544342041,0.0,0.0
17,0.17153611779212952,4.4261651039123535,0.8858800530433655,0.02826026640832424,0.033164624124765396,7.520775318145752,0.14705882966518402,0.000665956293232739
18,0.17554685473442078,4.37800407409668,0.8818897604942322,0.031098634004592896,0.04155567288398743,7.570293426513672,0.0,0.0
19,0.18322895467281342,4.3257155418396,0.8877221345901489,0.03390615060925484,0.03689397871494293,7.630463600158691,0.01515151560306549,0.00013319126446731389
20,0.1850183606147766,4.301357746124268,0.8806089758872986,0.03390615060925484,0.03116675466299057,7.721512794494629,0.018518518656492233,0.00013319126446731389
21,0.1942121982574463,4.249511241912842,0.8897637724876404,0.038348808884620667,0.03676078841090202,7.732123851776123,0.0,0.0
22,0.19831548631191254,4.194133281707764,0.8863328695297241,0.04041588306427002,0.03462972864508629,7.778122901916504,0.013333333656191826,0.00013319126446731389
23,0.2057199329137802,4.170526504516602,0.8929504156112671,0.042205289006233215,0.03849227353930473,7.795722961425781,0.0,0.0
24,0.20846574008464813,4.131682395935059,0.9032455682754517,0.04550643265247345,0.036627598106861115,7.831371307373047,0.05882352963089943,0.00039957379340194166
25,0.2158084660768509,4.093285083770752,0.903559148311615,0.04856076091527939,0.03729355335235596,7.924971103668213,0.06185567006468773,0.0007991475868038833
26,0.21509887278079987,4.080804347991943,0.8942999243736267,0.04985653981566429,0.03729355335235596,7.884200572967529,0.095238097012043,0.001331912586465478
27,0.21793724596500397,4.044859409332275,0.899678111076355,0.05173850059509277,0.03529568389058113,7.953571796417236,0.02857142873108387,0.00039957379340194166
28,0.22435443103313446,4.009735107421875,0.8926974534988403,0.055440716445446014,0.038225892931222916,7.967381954193115,0.08181817829608917,0.0011987213511019945
29,0.2306481897830963,3.9868154525756836,0.8981258869171143,0.05766204744577408,0.036361213773489,7.982384204864502,0.07792207598686218,0.0007991475868038833
30,0.23040138185024261,3.9632813930511475,0.8942570686340332,0.06053126975893974,0.035961639136075974,8.037981986999512,0.031578946858644485,0.00039957379340194166
31,0.2317897081375122,3.9324028491973877,0.885238528251648,0.060685526579618454,0.03383057937026024,8.08681583404541,0.07258064299821854,0.0011987213511019945
32,0.23792922496795654,3.9090511798858643,0.8974689245223999,0.0645420029759407,0.03129994496703148,8.08989143371582,0.05932203307747841,0.0009323388221673667
33,0.23768241703510284,3.8925368785858154,0.9074380397796631,0.06775059551000595,0.03436334431171417,8.127487182617188,0.11214952915906906,0.0015982951736077666
34,0.24147719144821167,3.865915060043335,0.8940238952636719,0.06923148036003113,0.03462972864508629,8.18674373626709,0.0625,0.001065530115738511
35,0.24237188696861267,3.8578615188598633,0.8908227682113647,0.06947829574346542,0.03369738906621933,8.1962251663208,0.06896551698446274,0.001065530115738511
36,0.2476166933774948,3.828908681869507,0.8931098580360413,0.07398266345262527,0.03502930328249931,8.205832481384277,0.04854368790984154,0.000665956293232739
37,0.25270724296569824,3.808668851852417,0.9031296372413635,0.07478480786085129,0.03529568389058113,8.220610618591309,0.056910570710897446,0.0009323388221673667
38,0.25579243898391724,3.7919633388519287,0.8868921995162964,0.07765402644872665,0.03436334431171417,8.264095306396484,0.02777777798473835,0.0005327650578692555
39,0.2532317340373993,3.7681021690368652,0.9019204378128052,0.08114027976989746,0.03542887419462204,8.27479362487793,0.05147058889269829,0.0009323388221673667
40,0.25699564814567566,3.761347532272339,0.8913412690162659,0.08098602294921875,0.03343100845813751,8.30423355102539,0.0422535203397274,0.0007991475868038833
41,0.2608829736709595,3.7257497310638428,0.8903120160102844,0.08363927900791168,0.03502930328249931,8.29831600189209,0.07971014827489853,0.0014651039382442832
42,0.2614383101463318,3.722698450088501,0.8885611295700073,0.08363927900791168,0.03875865787267685,8.330740928649902,0.07643312215805054,0.0015982951736077666
43,0.2616851329803467,3.7169458866119385,0.8948386907577515,0.08558294177055359,0.03516249358654022,8.33675479888916,0.05298013240098953,0.001065530115738511
44,0.26227131485939026,3.6842434406280518,0.8923124670982361,0.08845216780900955,0.040090568363666534,8.369867324829102,0.09696969389915466,0.002131060231477022
45,0.2706938683986664,3.674084424972534,0.8927810192108154,0.09042668342590332,0.03755993768572807,8.43406867980957,0.06172839552164078,0.001331912586465478
46,0.2702927887439728,3.6641390323638916,0.9036923050880432,0.09061179310083389,0.03516249358654022,8.43671989440918,0.04968944191932678,0.001065530115738511
47,0.27282261848449707,3.64597487449646,0.8890506625175476,0.09419060498476028,0.035828448832035065,8.399091720581055,0.046357616782188416,0.0009323388221673667
48,0.2710949182510376,3.646576404571533,0.8909785747528076,0.09354271739721298,0.0379595085978508,8.476527214050293,0.0486486479640007,0.0011987213511019945
49,0.27242156863212585,3.6247339248657227,0.8914285898208618,0.09625767171382904,0.035961639136075974,8.4805326461792,0.048192769289016724,0.001065530115738511
50,0.27785149216651917,3.6026339530944824,0.8946207165718079,0.10005244612693787,0.03223228454589844,8.508540153503418,0.06403940916061401,0.00173148640897125
51,0.28500911593437195,3.580934524536133,0.9021505117416382,0.10353870689868927,0.035828448832035065,8.505545616149902,0.08139535039663315,0.0018646776443347335
52,0.28152284026145935,3.5868427753448486,0.8940397500991821,0.09995989501476288,0.03516249358654022,8.521132469177246,0.07246376574039459,0.0019978689961135387
53,0.2825409471988678,3.5751211643218994,0.8899787664413452,0.10356955230236053,0.03223228454589844,8.552227020263672,0.04838709533214569,0.0011987213511019945
54,0.28590381145477295,3.5634050369262695,0.8958607912063599,0.10483448207378387,0.029035694897174835,8.561247825622559,0.05027933046221733,0.0011987213511019945
55,0.28794002532958984,3.554749011993408,0.8954147100448608,0.10724092274904251,0.03356419876217842,8.585775375366211,0.03589743748307228,0.0009323388221673667
56,0.2896985709667206,3.5485594272613525,0.8951781988143921,0.10538981109857559,0.033164624124765396,8.574624061584473,0.08571428805589676,0.0019978689961135387
57,0.28864961862564087,3.5303232669830322,0.8919264078140259,0.10770370066165924,0.03289824351668358,8.60440444946289,0.05847953259944916,0.001331912586465478
58,0.2907475531101227,3.5171005725860596,0.8954410552978516,0.11149847507476807,0.034896109253168106,8.649321556091309,0.08530806005001068,0.002397442702203989
59,0.29108691215515137,3.513958215713501,0.8917436003684998,0.11029525101184845,0.03343100845813751,8.65505313873291,0.0651162788271904,0.0018646776443347335
60,0.29287630319595337,3.493349075317383,0.8972602486610413,0.11316446959972382,0.02956845983862877,8.627843856811523,0.053892213851213455,0.0011987213511019945
61,0.29336994886398315,3.4846832752227783,0.892052173614502,0.11600283533334732,0.0347629189491272,8.65646743774414,0.04651162773370743,0.001331912586465478
62,0.2936784625053406,3.4708774089813232,0.8886216282844543,0.11396662145853043,0.031433138996362686,8.677719116210938,0.058510638773441315,0.0014651039382442832
63,0.2973806858062744,3.463616132736206,0.8915325403213501,0.11791565269231796,0.03303143382072449,8.74327278137207,0.03539822995662689,0.001065530115738511
64,0.2974732220172882,3.4675064086914062,0.8959107995033264,0.11896461248397827,0.03223228454589844,8.721418380737305,0.06499999761581421,0.00173148640897125
65,0.2983062267303467,3.456831216812134,0.8828953504562378,0.11816246807575226,0.03289824351668358,8.717211723327637,0.0717703327536583,0.0019978689961135387
66,0.2977200448513031,3.4616293907165527,0.8873435258865356,0.11810076236724854,0.03303143382072449,8.75154972076416,0.0476190485060215,0.0014651039382442832
67,0.3015456795692444,3.4278268814086914,0.8942115902900696,0.12439453601837158,0.03449653834104538,8.750038146972656,0.05238095298409462,0.0014651039382442832
68,0.30361273884773254,3.429914951324463,0.8869273662567139,0.12245086580514908,0.02956845983862877,8.79017448425293,0.044692736119031906,0.001065530115738511
69,0.30441489815711975,3.418504238128662,0.9025302529335022,0.12655416131019592,0.034096963703632355,8.763665199279785,0.07373271882534027,0.002131060231477022
70,0.3059266209602356,3.4083750247955322,0.8889132142066956,0.12541264295578003,0.030101224780082703,8.803409576416016,0.039024390280246735,0.001065530115738511
71,0.30895012617111206,3.4068567752838135,0.8902063965797424,0.12507326900959015,0.030101224780082703,8.807950973510742,0.039772726595401764,0.0009323388221673667
72,0.3108937740325928,3.386431932449341,0.8901969194412231,0.12831270694732666,0.031699519604444504,8.82943344116211,0.048076923936605453,0.001331912586465478
73,0.30870330333709717,3.3931589126586914,0.8912706971168518,0.12442538142204285,0.03023441694676876,8.868977546691895,0.032258063554763794,0.001065530115738511
74,0.309505432844162,3.3889503479003906,0.888016939163208,0.1291765719652176,0.03116675466299057,8.857909202575684,0.09322033822536469,0.0029302078764885664
75,0.3103692829608917,3.3775649070739746,0.8927138447761536,0.13041064143180847,0.03276504948735237,8.85619068145752,0.03750000149011612,0.0011987213511019945
76,0.3100607693195343,3.3738784790039062,0.8855421543121338,0.1315212994813919,0.027970165014266968,8.881290435791016,0.018691588193178177,0.0005327650578692555
77,0.3121587038040161,3.3670499324798584,0.8980704545974731,0.13210748136043549,0.033164624124765396,8.849233627319336,0.04954954981803894,0.0014651039382442832
78,0.3106161057949066,3.349165678024292,0.8867025971412659,0.13207663595676422,0.03223228454589844,8.932886123657227,0.055813953280448914,0.0015982951736077666
79,0.31360873579978943,3.343010902404785,0.8979253172874451,0.13352666795253754,0.031433138996362686,8.889997482299805,0.033472802489995956,0.001065530115738511
80,0.31450343132019043,3.3386082649230957,0.8874591588973999,0.1340511590242386,0.0285029299557209,8.945601463317871,0.053278688341379166,0.00173148640897125
81,0.31774288415908813,3.3358750343322754,0.8914540410041809,0.13580970466136932,0.029968034476041794,8.932082176208496,0.05701754242181778,0.00173148640897125
82,0.3168790340423584,3.326334238052368,0.8852261304855347,0.13587141036987305,0.028369739651679993,8.983213424682617,0.04854368790984154,0.001331912586465478
83,0.3166322112083435,3.324420213699341,0.8935827612876892,0.1370437741279602,0.028902504593133926,8.931316375732422,0.05536332353949547,0.002131060231477022
84,0.3177737295627594,3.3277230262756348,0.8839624524116516,0.1365501433610916,0.02943526953458786,9.00790023803711,0.03719008341431618,0.0011987213511019945
85,0.3192237615585327,3.306737184524536,0.8932890892028809,0.1412704735994339,0.028369739651679993,8.965954780578613,0.05737704783678055,0.0018646776443347335
86,0.3201184570789337,3.301455497741699,0.8947471380233765,0.14083854854106903,0.028369739651679993,8.979623794555664,0.08455882221460342,0.00306339911185205
87,0.3187609910964966,3.3045661449432373,0.8873786330223083,0.14099280536174774,0.02863612212240696,9.000582695007324,0.04838709533214569,0.0015982951736077666
88,0.32193872332572937,3.301723003387451,0.8868909478187561,0.1415172964334488,0.02703782543540001,9.012621879577637,0.05836575850844383,0.0019978689961135387
89,0.3205195367336273,3.285475969314575,0.8889321088790894,0.14099280536174774,0.02876931242644787,9.063549995422363,0.05533596873283386,0.0018646776443347335
90,0.3253324329853058,3.275259494781494,0.8936455845832825,0.1436152160167694,0.02783697471022606,9.056374549865723,0.05673758685588837,0.002131060231477022
91,0.3258260488510132,3.2680580615997314,0.8879573345184326,0.14376947283744812,0.03542887419462204,9.064289093017578,0.037542663514614105,0.0014651039382442832
92,0.3265973627567291,3.269656181335449,0.8918409943580627,0.14602166414260864,0.03023441694676876,9.059088706970215,0.062295082956552505,0.0025306339375674725
93,0.3255792558193207,3.2616562843322754,0.8864482641220093,0.14691635966300964,0.030633989721536636,9.079142570495605,0.0874524712562561,0.00306339911185205
94,0.3242834806442261,3.2637288570404053,0.8827230930328369,0.1428130716085434,0.031433138996362686,9.088061332702637,0.04897959157824516,0.0015982951736077666
95,0.3278622627258301,3.2619872093200684,0.883747398853302,0.14376947283744812,0.031699519604444504,9.110518455505371,0.02985074557363987,0.001065530115738511
96,0.3290346562862396,3.234528064727783,0.8878521919250488,0.1497238725423813,0.029035694897174835,9.086355209350586,0.060150377452373505,0.002131060231477022
97,0.33073151111602783,3.2393646240234375,0.8797047734260559,0.1471014767885208,0.03036760725080967,9.083758354187012,0.04545454680919647,0.0015982951736077666
98,0.3318421542644501,3.232511281967163,0.8961086869239807,0.15061858296394348,0.031566329300403595,9.116546630859375,0.06785714626312256,0.0025306339375674725
99,0.328818678855896,3.237497568130493,0.8842490911483765,0.14895257353782654,0.03116675466299057,9.094629287719727,0.051779936999082565,0.002131060231477022
100,0.32968252897262573,3.236849784851074,0.8888888955116272,0.15179094672203064,0.030767181888222694,9.11719036102295,0.04929577559232712,0.0018646776443347335
101,0.3331996500492096,3.2166788578033447,0.8891848921775818,0.15447506308555603,0.027570592239499092,9.115815162658691,0.06872852146625519,0.002663825172930956
102,0.3335390090942383,3.2133846282958984,0.8930985331535339,0.1549069881439209,0.03289824351668358,9.117199897766113,0.06071428582072258,0.0022642514668405056
103,0.33446457982063293,3.204572916030884,0.8886947631835938,0.15691235661506653,0.03036760725080967,9.13863754272461,0.05111820995807648,0.002131060231477022
104,0.33252090215682983,3.2200210094451904,0.8835160732269287,0.15163668990135193,0.0285029299557209,9.167616844177246,0.05970149114727974,0.002131060231477022
105,0.33650079369544983,3.207873821258545,0.8813323974609375,0.15672723948955536,0.030101224780082703,9.133502006530762,0.04207119718194008,0.00173148640897125
106,0.33526670932769775,3.2116971015930176,0.8881694078445435,0.15657298266887665,0.026638252660632133,9.21570873260498,0.0469798669219017,0.0018646776443347335
107,0.3365316390991211,3.1934735774993896,0.8882281184196472,0.15666553378105164,0.02876931242644787,9.202995300292969,0.0634920671582222,0.002663825172930956
108,0.3337549865245819,3.195671558380127,0.8847870826721191,0.1589794158935547,0.030500799417495728,9.18746566772461,0.04794520512223244,0.0018646776443347335
109,0.33859869837760925,3.17969012260437,0.8787038922309875,0.1564495712518692,0.029968034476041794,9.215461730957031,0.07903780043125153,0.00306339911185205
110,0.33714866638183594,3.1894876956939697,0.886980414390564,0.15931878983974457,0.02876931242644787,9.256006240844727,0.05128205195069313,0.0018646776443347335
111,0.3378274142742157,3.1717374324798584,0.8904737830162048,0.16178694367408752,0.03023441694676876,9.195731163024902,0.05166051536798477,0.0018646776443347335
112,0.33591461181640625,3.187943935394287,0.8898015022277832,0.1604294627904892,0.03036760725080967,9.260058403015137,0.05387205258011818,0.002131060231477022
113,0.3361922800540924,3.188720703125,0.887801468372345,0.15672723948955536,0.027304209768772125,9.258591651916504,0.045584045350551605,0.002131060231477022
114,0.3356369435787201,3.1838910579681396,0.8798834681510925,0.15842409431934357,0.03263185918331146,9.222649574279785,0.03344481438398361,0.001331912586465478
115,0.33844444155693054,3.1649186611175537,0.8795119524002075,0.16012093424797058,0.02943526953458786,9.321653366088867,0.03283582255244255,0.0014651039382442832
116,0.3417455852031708,3.1573143005371094,0.8878726363182068,0.1617252379655838,0.02943526953458786,9.253267288208008,0.0359281450510025,0.0015982951736077666
117,0.3423934876918793,3.16990327835083,0.8799072504043579,0.16388486325740814,0.03223228454589844,9.268864631652832,0.0744047611951828,0.0033297815825790167
118,0.34078919887542725,3.1491799354553223,0.8820053935050964,0.16120074689388275,0.033297814428806305,9.284662246704102,0.028089888393878937,0.001331912586465478
119,0.34248605370521545,3.142293691635132,0.8869943022727966,0.16369974613189697,0.030101224780082703,9.30193042755127,0.03216374292969704,0.0014651039382442832
120,0.3426094353199005,3.137707233428955,0.8875313997268677,0.16360719501972198,0.029968034476041794,9.32394027709961,0.03692307695746422,0.0015982951736077666
121,0.3436584174633026,3.136141061782837,0.8836519718170166,0.16542744636535645,0.03209909424185753,9.323819160461426,0.049418605864048004,0.0022642514668405056
122,0.34436801075935364,3.1318159103393555,0.8933554887771606,0.16592107713222504,0.02956845983862877,9.35364818572998,0.028070176020264626,0.001065530115738511
123,0.34566378593444824,3.125330686569214,0.8871499300003052,0.16613703966140747,0.027304209768772125,9.351766586303711,0.03458213433623314,0.0015982951736077666
124,0.3436892628669739,3.1358695030212402,0.8774086236953735,0.16295930743217468,0.02943526953458786,9.326749801635742,0.026954177767038345,0.001331912586465478
125,0.3456020653247833,3.1298887729644775,0.880975604057312,0.16715514659881592,0.028236547484993935,9.326943397521973,0.026143791154026985,0.001065530115738511
126,0.34831702709198,3.123729705810547,0.8854251503944397,0.16737110912799835,0.029035694897174835,9.39981460571289,0.04220779240131378,0.00173148640897125
127,0.34402862191200256,3.128985643386841,0.8767299652099609,0.16808070242404938,0.028369739651679993,9.395552635192871,0.0416666679084301,0.0018646776443347335
128,0.3458488881587982,3.1137733459472656,0.8895320892333984,0.17067226767539978,0.025705913081765175,9.354588508605957,0.025380710139870644,0.001331912586465478
129,0.3461882472038269,3.1156227588653564,0.8829821944236755,0.16808070242404938,0.027304209768772125,9.39755916595459,0.036036036908626556,0.0015982951736077666
130,0.3478234112262726,3.106220006942749,0.8799234628677368,0.1702403426170349,0.031566329300403595,9.40380859375,0.027322404086589813,0.001331912586465478
131,0.34507760405540466,3.106264352798462,0.8850886821746826,0.17085736989974976,0.03023441694676876,9.431594848632812,0.04907975345849991,0.002131060231477022
132,0.3479159474372864,3.1040358543395996,0.886577844619751,0.16832752525806427,0.025039957836270332,9.43719482421875,0.03883495181798935,0.0015982951736077666
133,0.347422331571579,3.1053476333618164,0.8840901851654053,0.17178292572498322,0.03036760725080967,9.435927391052246,0.037142857909202576,0.00173148640897125
134,0.34924259781837463,3.0949666500091553,0.8870536684989929,0.17397341132164001,0.0285029299557209,9.395218849182129,0.05454545468091965,0.002397442702203989
135,0.3546416461467743,3.089080810546875,0.878652036190033,0.1753617376089096,0.02863612212240696,9.432757377624512,0.02064896747469902,0.0009323388221673667
136,0.3509085774421692,3.088360548019409,0.8797147274017334,0.17125844955444336,0.0269046351313591,9.46387004852295,0.029498524963855743,0.001331912586465478
137,0.35257458686828613,3.075468063354492,0.8854639530181885,0.17459043860435486,0.029834842309355736,9.427851676940918,0.02616279013454914,0.0011987213511019945
138,0.35232776403427124,3.078458309173584,0.8836587071418762,0.1731712520122528,0.02956845983862877,9.497695922851562,0.03030303120613098,0.0015982951736077666
139,0.352821409702301,3.078451156616211,0.8892549276351929,0.17489896714687347,0.026505060493946075,9.518158912658691,0.035353533923625946,0.0018646776443347335
140,0.35174158215522766,3.078376293182373,0.8823620676994324,0.17563940584659576,0.026505060493946075,9.473468780517578,0.013927577063441277,0.000665956293232739
141,0.34948939085006714,3.078200101852417,0.8838039040565491,0.1757628172636032,0.027304209768772125,9.442422866821289,0.03651685267686844,0.00173148640897125
142,0.35211181640625,3.072594165802002,0.8867025375366211,0.17795328795909882,0.029968034476041794,9.453207015991211,0.016759777441620827,0.0007991475868038833
143,0.3504766523838043,3.0719826221466064,0.8840357065200806,0.17733626067638397,0.029968034476041794,9.503988265991211,0.03559870645403862,0.0014651039382442832
144,0.35482677817344666,3.0611374378204346,0.8836961388587952,0.1790948063135147,0.03196590393781662,9.457160949707031,0.017766498029232025,0.0009323388221673667
145,0.3530990779399872,3.063293218612671,0.8778085708618164,0.17597877979278564,0.03462972864508629,9.494405746459961,0.04884318634867668,0.0025306339375674725
146,0.36139819025993347,3.0450499057769775,0.880300760269165,0.18060654401779175,0.026771442964673042,9.514691352844238,0.04278074949979782,0.002131060231477022
147,0.35411718487739563,3.0636708736419678,0.8792686462402344,0.17952673137187958,0.027970165014266968,9.52417278289795,0.025380710139870644,0.001331912586465478
148,0.3566778898239136,3.05049467086792,0.8833663463592529,0.17875543236732483,0.02956845983862877,9.500482559204102,0.036082472652196884,0.0018646776443347335
149,0.35766512155532837,3.0399796962738037,0.8819549083709717,0.18094591796398163,0.023708045482635498,9.558391571044922,0.02319587580859661,0.0011987213511019945
150,0.3572949171066284,3.0380635261535645,0.885330080986023,0.18079166114330292,0.026638252660632133,9.554384231567383,0.021739130839705467,0.001065530115738511
151,0.35970136523246765,3.020838499069214,0.8820174336433411,0.1812852919101715,0.028902504593133926,9.554420471191406,0.03191489353775978,0.0015982951736077666
152,0.35840559005737305,3.0372931957244873,0.8865841031074524,0.18329066038131714,0.028369739651679993,9.544930458068848,0.03743315488100052,0.0018646776443347335
153,0.35433313250541687,3.0500752925872803,0.8843948245048523,0.18079166114330292,0.02863612212240696,9.55716609954834,0.03896103799343109,0.0019978689961135387
154,0.35775768756866455,3.0307726860046387,0.8823356032371521,0.184617280960083,0.030633989721536636,9.530288696289062,0.02981029823422432,0.0014651039382442832
155,0.3594236969947815,3.0420820713043213,0.8795796036720276,0.1807299554347992,0.028103357180953026,9.555032730102539,0.058139536529779434,0.002663825172930956
156,0.35871410369873047,3.028592824935913,0.875261127948761,0.1809767633676529,0.02623867802321911,9.558860778808594,0.023076923564076424,0.0011987213511019945
157,0.35834386944770813,3.0223593711853027,0.8866193294525146,0.18480239808559418,0.029834842309355736,9.583783149719238,0.03651685267686844,0.00173148640897125
158,0.35572147369384766,3.0358448028564453,0.8788598775863647,0.18264277279376984,0.033963773399591446,9.549494743347168,0.03685503825545311,0.0019978689961135387
159,0.3583747148513794,3.0250144004821777,0.8787744641304016,0.1840619444847107,0.03103356435894966,9.611461639404297,0.04324324429035187,0.002131060231477022
160,0.3602258265018463,3.0183422565460205,0.8792044520378113,0.18548113107681274,0.02783697471022606,9.641280174255371,0.028436018154025078,0.0015982951736077666
161,0.3612748086452484,3.0214004516601562,0.8804348111152649,0.18492579460144043,0.025705913081765175,9.611003875732422,0.04657534137368202,0.0022642514668405056
162,0.3621695041656494,3.0132954120635986,0.87606281042099,0.1875482052564621,0.026638252660632133,9.650796890258789,0.027568921446800232,0.0014651039382442832
163,0.36466848850250244,3.004995346069336,0.87871253490448,0.18529602885246277,0.027304209768772125,9.57719898223877,0.03846153989434242,0.0022642514668405056
164,0.3619226813316345,3.010690927505493,0.8783469200134277,0.18622158467769623,0.024640383198857307,9.642223358154297,0.039387308061122894,0.002397442702203989
165,0.36164501309394836,3.0116920471191406,0.8829601407051086,0.18736308813095093,0.0285029299557209,9.636945724487305,0.03694581240415573,0.0019978689961135387
166,0.3668898344039917,2.9921252727508545,0.8776323199272156,0.19029401242733002,0.030101224780082703,9.660819053649902,0.044736843556165695,0.0022642514668405056
167,0.3679387867450714,2.9874837398529053,0.8797340393066406,0.18776416778564453,0.028902504593133926,9.669169425964355,0.049627792090177536,0.002663825172930956
168,0.36312592029571533,3.006114959716797,0.884749710559845,0.18757905066013336,0.025039957836270332,9.643115043640137,0.010498687624931335,0.0005327650578692555
169,0.36497700214385986,2.9970319271087646,0.8714326620101929,0.18841205537319183,0.026638252660632133,9.682051658630371,0.035175878554582596,0.0018646776443347335
170,0.3642057180404663,2.9748990535736084,0.8779863715171814,0.1904791295528412,0.026505060493946075,9.67457103729248,0.03999999910593033,0.0022642514668405056
171,0.36627277731895447,2.987156867980957,0.8750883340835571,0.19106531143188477,0.023175280541181564,9.691121101379395,0.013215859420597553,0.0007991475868038833
172,0.36621108651161194,2.987300395965576,0.8806437849998474,0.19075679779052734,0.029834842309355736,9.653698921203613,0.05378973111510277,0.0029302078764885664
173,0.3652855455875397,2.9829699993133545,0.8840187788009644,0.19165149331092834,0.028902504593133926,9.651982307434082,0.048128340393304825,0.002397442702203989
174,0.3626014292240143,2.982612371444702,0.8785073161125183,0.19029401242733002,0.026371870189905167,9.67660140991211,0.02200488932430744,0.0011987213511019945
175,0.36287909746170044,2.98844313621521,0.8744644522666931,0.18890568614006042,0.029701652005314827,9.676119804382324,0.025263158604502678,0.0015982951736077666
176,0.36935797333717346,2.970700740814209,0.8790379166603088,0.19393453001976013,0.025705913081765175,9.70377254486084,0.04116222634911537,0.0022642514668405056
177,0.3642982840538025,2.980334997177124,0.8786764740943909,0.19171319901943207,0.025705913081765175,9.715543746948242,0.026030369102954865,0.0015982951736077666
178,0.3656557500362396,2.9910757541656494,0.8836175799369812,0.19020146131515503,0.026771442964673042,9.68774127960205,0.06435643881559372,0.0034629728179425
179,0.36596426367759705,2.9844014644622803,0.8830009698867798,0.19535371661186218,0.023308470845222473,9.701854705810547,0.024282561615109444,0.0014651039382442832
180,0.36726003885269165,2.972079277038574,0.8795620203018188,0.1933175027370453,0.028369739651679993,9.699377059936523,0.029885057359933853,0.00173148640897125
181,0.36821645498275757,2.974087715148926,0.8769381046295166,0.19368772208690643,0.02876931242644787,9.72552490234375,0.043478261679410934,0.0025306339375674725
182,0.37114736437797546,2.964077949523926,0.8818708658218384,0.19254620373249054,0.02876931242644787,9.693851470947266,0.019999999552965164,0.0011987213511019945
183,0.37074631452560425,2.9579646587371826,0.8828059434890747,0.1945207118988037,0.02943526953458786,9.72474193572998,0.03890160098671913,0.0022642514668405056
184,0.3681856095790863,2.9718663692474365,0.8755940794944763,0.19325579702854156,0.03103356435894966,9.70350170135498,0.036402568221092224,0.0022642514668405056
185,0.367445170879364,2.9604501724243164,0.8823857307434082,0.19535371661186218,0.02517314814031124,9.742176055908203,0.044742729514837265,0.002663825172930956
186,0.36611852049827576,2.9646830558776855,0.8781306743621826,0.1936260163784027,0.024107618257403374,9.747913360595703,0.025369979441165924,0.0015982951736077666
187,0.37398573756217957,2.9401588439941406,0.8842986822128296,0.19547712802886963,0.026371870189905167,9.726012229919434,0.03162055462598801,0.002131060231477022
188,0.3705303370952606,2.956899642944336,0.8788685202598572,0.1936260163784027,0.026505060493946075,9.75719928741455,0.02163461595773697,0.0011987213511019945
189,0.37268996238708496,2.9549286365509033,0.8858011960983276,0.19766759872436523,0.026638252660632133,9.758971214294434,0.041753653436899185,0.002663825172930956
190,0.37019097805023193,2.9527716636657715,0.8804692625999451,0.1968037486076355,0.02703782543540001,9.727985382080078,0.0357142873108387,0.0018646776443347335
191,0.37318360805511475,2.949124574661255,0.8814966082572937,0.1998889297246933,0.026371870189905167,9.762317657470703,0.04059829190373421,0.0025306339375674725
192,0.3756517469882965,2.946589708328247,0.8773507475852966,0.19862401485443115,0.02277570590376854,9.782142639160156,0.034068137407302856,0.0022642514668405056
193,0.37025266885757446,2.9504570960998535,0.8755817413330078,0.1973590850830078,0.02437400072813034,9.736647605895996,0.023980814963579178,0.001331912586465478
194,0.3745102286338806,2.9370338916778564,0.8792130947113037,0.19717396795749664,0.02703782543540001,9.744709014892578,0.028301887214183807,0.0015982951736077666
195,0.37204208970069885,2.9461350440979004,0.8796296119689941,0.19637182354927063,0.030101224780082703,9.776273727416992,0.01909307949244976,0.001065530115738511
196,0.3764539062976837,2.9184446334838867,0.8808976411819458,0.2010304480791092,0.028103357180953026,9.761509895324707,0.0294736847281456,0.0018646776443347335
197,0.37571343779563904,2.9321820735931396,0.8884314298629761,0.1997346729040146,0.02357485331594944,9.852302551269531,0.02777777798473835,0.00173148640897125
198,0.371610164642334,2.9460935592651367,0.8801539540290833,0.19757504761219025,0.02517314814031124,9.77607536315918,0.03378378227353096,0.0019978689961135387
199,0.37441766262054443,2.9208178520202637,0.8809685111045837,0.2009378969669342,0.026771442964673042,9.788736343383789,0.0211267601698637,0.0011987213511019945
200,0.37552833557128906,2.920644760131836,0.8834714293479919,0.2006910741329193,0.028236547484993935,9.809117317199707,0.022964509204030037,0.0014651039382442832
201,0.3754357695579529,2.919313669204712,0.8799514770507812,0.20149323344230652,0.027437400072813034,9.834790229797363,0.011210761964321136,0.000665956293232739
202,0.37685495615005493,2.9179022312164307,0.877814769744873,0.20325177907943726,0.02517314814031124,9.795039176940918,0.024444444105029106,0.0014651039382442832
203,0.37123993039131165,2.923346757888794,0.876804769039154,0.20047511160373688,0.029035694897174835,9.844982147216797,0.020533880218863487,0.001331912586465478
204,0.3749421536922455,2.9269416332244873,0.8807290196418762,0.20275814831256866,0.0253063403069973,9.854016304016113,0.012345679104328156,0.0007991475868038833
205,0.37528151273727417,2.92122220993042,0.8768656849861145,0.20300497114658356,0.023841235786676407,9.81929874420166,0.020964359864592552,0.001331912586465478
206,0.377379447221756,2.9118990898132324,0.8801185488700867,0.2015857845544815,0.025839105248451233,9.84094524383545,0.026859503239393234,0.00173148640897125
207,0.3718261122703552,2.9299206733703613,0.8712343573570251,0.20164749026298523,0.02623867802321911,9.836934089660645,0.020202020183205605,0.001331912586465478
208,0.3759911060333252,2.9161376953125,0.8818401098251343,0.20285071432590485,0.030101224780082703,9.85545539855957,0.025404157117009163,0.0014651039382442832
209,0.377194344997406,2.9018805027008057,0.874492347240448,0.20593589544296265,0.025039957836270332,9.859103202819824,0.02783725969493389,0.00173148640897125
210,0.37438681721687317,2.9137322902679443,0.8780094385147095,0.20140066742897034,0.024640383198857307,9.863907814025879,0.03397027775645256,0.002131060231477022
211,0.3769475221633911,2.9067561626434326,0.8805292248725891,0.20328263938426971,0.027304209768772125,9.825936317443848,0.0258620698004961,0.0015982951736077666
212,0.377379447221756,2.9134140014648438,0.8803088665008545,0.20399223268032074,0.02264251373708248,9.89885139465332,0.01965065486729145,0.0011987213511019945
213,0.3765464425086975,2.9112324714660645,0.8789108395576477,0.20713910460472107,0.024107618257403374,9.858063697814941,0.029885057359933853,0.00173148640897125
214,0.3773486018180847,2.90181040763855,0.8788481950759888,0.20433159172534943,0.026638252660632133,9.864870071411133,0.026431718841195107,0.0015982951736077666
215,0.3819763660430908,2.8954432010650635,0.8778160810470581,0.20436245203018188,0.02597229555249214,9.86173152923584,0.03478260710835457,0.002131060231477022
216,0.3803103566169739,2.8964970111846924,0.8803777694702148,0.20707741379737854,0.025705913081765175,9.845916748046875,0.028865979984402657,0.0018646776443347335
217,0.3778730630874634,2.891540288925171,0.8808736205101013,0.2053188532590866,0.027570592239499092,9.921723365783691,0.02766798436641693,0.0018646776443347335
218,0.38139018416404724,2.8964107036590576,0.8767796754837036,0.208990216255188,0.023841235786676407,9.918452262878418,0.02469135820865631,0.0018646776443347335
219,0.3762379288673401,2.9156336784362793,0.8719623684883118,0.2059050351381302,0.025839105248451233,9.937589645385742,0.035940803587436676,0.0022642514668405056
220,0.38040292263031006,2.889655351638794,0.8777865171432495,0.20652207732200623,0.02517314814031124,9.892942428588867,0.035164836794137955,0.002131060231477022
221,0.3771017789840698,2.899684429168701,0.8778274655342102,0.20593589544296265,0.025572722777724266,9.906599998474121,0.026915114372968674,0.00173148640897125
222,0.3810199499130249,2.8883702754974365,0.8790794610977173,0.20858915150165558,0.028369739651679993,9.923462867736816,0.03097345121204853,0.0018646776443347335
223,0.37870606780052185,2.8945255279541016,0.8794002532958984,0.208095520734787,0.024107618257403374,9.873822212219238,0.021739130839705467,0.0014651039382442832
224,0.38040292263031006,2.895768880844116,0.876369297504425,0.20732422173023224,0.023974427953362465,9.87736701965332,0.03913894295692444,0.002663825172930956
225,0.3786752223968506,2.8927671909332275,0.8768201470375061,0.2062135636806488,0.027437400072813034,9.908354759216309,0.03232323378324509,0.002131060231477022
226,0.3795699179172516,2.8902108669281006,0.8735347986221313,0.20692314207553864,0.025705913081765175,9.885969161987305,0.049438200891017914,0.0029302078764885664
227,0.3779964745044708,2.8808953762054443,0.8793215751647949,0.20794126391410828,0.02783697471022606,9.944091796875,0.04148471727967262,0.0025306339375674725
228,0.3829019367694855,2.869015693664551,0.8798404932022095,0.21099558472633362,0.029302077367901802,9.89219856262207,0.04324324429035187,0.0031965903472155333
229,0.3819763660430908,2.8921844959259033,0.8738657236099243,0.20797210931777954,0.029035694897174835,9.930909156799316,0.04015296325087547,0.0027970164082944393
230,0.3780273199081421,2.885507106781006,0.8700696229934692,0.2082497775554657,0.02437400072813034,9.918914794921875,0.044834308326244354,0.00306339911185205
231,0.38145187497138977,2.8772995471954346,0.8745178580284119,0.20985406637191772,0.02437400072813034,9.958950996398926,0.026258205994963646,0.0015982951736077666
232,0.38145187497138977,2.8743865489959717,0.8775483965873718,0.2084965854883194,0.029035694897174835,9.937262535095215,0.0346938781440258,0.0022642514668405056
233,0.38163700699806213,2.878633975982666,0.8716418147087097,0.2072008103132248,0.030101224780082703,9.91358470916748,0.02626262605190277,0.00173148640897125
234,0.38552433252334595,2.868713617324829,0.8769861459732056,0.21114984154701233,0.028103357180953026,9.980724334716797,0.03505154699087143,0.0022642514668405056
235,0.38203805685043335,2.8674991130828857,0.8774834275245667,0.21256902813911438,0.028902504593133926,9.967602729797363,0.03266787528991699,0.002397442702203989
236,0.3826551139354706,2.872073173522949,0.8720318078994751,0.20960725843906403,0.023175280541181564,9.985732078552246,0.03442623093724251,0.0027970164082944393
237,0.382254034280777,2.871565341949463,0.8807672262191772,0.20966896414756775,0.024906765669584274,9.982723236083984,0.02976190485060215,0.0019978689961135387
238,0.3854934871196747,2.857140302658081,0.8780519366264343,0.21081048250198364,0.024773575365543365,10.014907836914062,0.03490401431918144,0.002663825172930956
239,0.38348811864852905,2.8707897663116455,0.8763488531112671,0.21297010779380798,0.028103357180953026,9.963903427124023,0.022357722744345665,0.0014651039382442832
240,0.38561686873435974,2.859131097793579,0.8738601803779602,0.2128775417804718,0.02783697471022606,9.995795249938965,0.03059273399412632,0.002131060231477022
241,0.38179126381874084,2.8637142181396484,0.8788728713989258,0.21266157925128937,0.0285029299557209,10.014219284057617,0.028409091755747795,0.0019978689961135387
242,0.3824082911014557,2.8598289489746094,0.8739795684814453,0.21139666438102722,0.02956845983862877,9.974042892456055,0.039923954755067825,0.0027970164082944393
243,0.3844445049762726,2.8568966388702393,0.8701429963111877,0.21210625767707825,0.023308470845222473,9.968132972717285,0.03598484769463539,0.0025306339375674725
244,0.38493815064430237,2.8486239910125732,0.8785200119018555,0.21463610231876373,0.02783697471022606,10.008865356445312,0.03307392820715904,0.0022642514668405056
245,0.3832104504108429,2.868046283721924,0.8742761611938477,0.20960725843906403,0.02876931242644787,10.027926445007324,0.025390625,0.00173148640897125
246,0.38789990544319153,2.852921962738037,0.8706536889076233,0.21244561672210693,0.02437400072813034,9.999215126037598,0.03787878900766373,0.002663825172930956
247,0.3868817985057831,2.850252628326416,0.8762965798377991,0.21111899614334106,0.029302077367901802,9.980339050292969,0.01964285783469677,0.0014651039382442832

View File

@ -0,0 +1,235 @@
epoch,accuracy,loss,precision,recall,val_accuracy,val_loss,val_precision,val_recall
0,0.04072440043091774,6.2866902351379395,0.0,0.0,0.045151837170124054,6.586356163024902,0.0,0.0
1,0.045907504856586456,6.042308807373047,0.0,0.0,0.04448588192462921,6.65412712097168,0.0,0.0
2,0.04951716959476471,5.945173263549805,0.0,0.0,0.044086307287216187,6.691050052642822,0.0,0.0
3,0.050226759165525436,5.857245445251465,0.0,0.0,0.0443526916205883,6.752647399902344,0.0,0.0
4,0.053620461374521255,5.7692975997924805,0.0,0.0,0.03875865787267685,6.847846984863281,0.0,0.0
5,0.05892697349190712,5.6876020431518555,0.0,0.0,0.03862546756863594,6.928927898406982,0.0,0.0
6,0.06154937669634819,5.6169915199279785,1.0,9.255545592168346e-05,0.03343100845813751,6.971290111541748,0.0,0.0
7,0.06929318606853485,5.533843040466309,1.0,0.0003393700171727687,0.03502930328249931,7.014708042144775,0.0,0.0
8,0.0759880319237709,5.44597053527832,0.9347826242446899,0.0013266282621771097,0.03529568389058113,7.1202216148376465,0.0,0.0
9,0.08178817480802536,5.365095615386963,0.9696969985961914,0.0019745163153856993,0.032365478575229645,7.175212383270264,0.0,0.0
10,0.08913090080022812,5.283218860626221,0.918181836605072,0.003116033738479018,0.03982418775558472,7.22043514251709,0.0,0.0
11,0.09456082433462143,5.21270751953125,0.9197530746459961,0.004596921149641275,0.03516249358654022,7.332255840301514,0.0,0.0
12,0.10184185206890106,5.138445854187012,0.9009901285171509,0.0056150308810174465,0.029168887063860893,7.394521236419678,0.0,0.0
13,0.10628451406955719,5.067190170288086,0.9015747904777527,0.00706506660208106,0.02943526953458786,7.530158519744873,0.0,0.0
14,0.11433684080839157,5.012109756469727,0.9111111164093018,0.008854472078382969,0.03183271363377571,7.564946174621582,0.0,0.0
15,0.11840928345918655,4.939283847808838,0.9093137383460999,0.011446024291217327,0.02943526953458786,7.66089391708374,0.0,0.0
16,0.1231604591012001,4.8694868087768555,0.9061833620071411,0.013112022541463375,0.0285029299557209,7.777390956878662,0.0,0.0
17,0.12800419330596924,4.820078372955322,0.8931159377098083,0.015209946781396866,0.030900372192263603,7.806278705596924,0.0,0.0
18,0.13121278584003448,4.767286777496338,0.8977272510528564,0.017061056569218636,0.022908898070454597,7.940349102020264,0.0,0.0
19,0.13901829719543457,4.7145490646362305,0.8774929046630859,0.01900472119450569,0.02623867802321911,8.037461280822754,0.0,0.0
20,0.14056088030338287,4.6607770919799805,0.8878504633903503,0.02051645889878273,0.02770378254354,8.154940605163574,0.0,0.0
21,0.14571313560009003,4.621826648712158,0.8775510191917419,0.02255268022418022,0.023708045482635498,8.240988731384277,0.0,0.0
22,0.15209946036338806,4.570230484008789,0.8622950911521912,0.024342084303498268,0.023708045482635498,8.332744598388672,0.024390242993831635,0.00026638252893462777
23,0.1571900099515915,4.529275417327881,0.8608095049858093,0.026902785524725914,0.020644646137952805,8.455666542053223,0.0,0.0
24,0.15743683278560638,4.496821880340576,0.8834170699119568,0.027118748053908348,0.02597229555249214,8.469337463378906,0.0,0.0
25,0.16468700766563416,4.448680877685547,0.865486741065979,0.030173078179359436,0.0245071928948164,8.610626220703125,0.0,0.0
26,0.17005522549152374,4.408073425292969,0.879239022731781,0.032795485109090805,0.026505060493946075,8.65352725982666,0.03703703731298447,0.0005327650578692555
27,0.16888286173343658,4.3816070556640625,0.8744971752166748,0.033535927534103394,0.025039957836270332,8.786849021911621,0.01886792480945587,0.00026638252893462777
28,0.17647239565849304,4.335326194763184,0.8754525780677795,0.03729984909296036,0.024906765669584274,8.827933311462402,0.019801979884505272,0.00026638252893462777
29,0.1802363246679306,4.296008110046387,0.8871539831161499,0.0385647751390934,0.023042088374495506,8.850105285644531,0.00826446246355772,0.00013319126446731389
30,0.18458643555641174,4.2803192138671875,0.8760942816734314,0.04013821482658386,0.021443793550133705,8.921741485595703,0.0,0.0
31,0.18936845660209656,4.232756614685059,0.8723404407501221,0.04300743713974953,0.023175280541181564,9.057310104370117,0.0,0.0
32,0.19035571813583374,4.209996223449707,0.8667068481445312,0.04433406516909599,0.02357485331594944,9.14242935180664,0.03305784985423088,0.0005327650578692555
33,0.19529201090335846,4.184617519378662,0.8780767321586609,0.04732669144868851,0.020777836441993713,9.188912391662598,0.0,0.0
34,0.1972973793745041,4.157787799835205,0.8684210777282715,0.04785117134451866,0.025572722777724266,9.15644359588623,0.018518518656492233,0.00026638252893462777
35,0.20275814831256866,4.121598720550537,0.8803278803825378,0.04970227926969528,0.02024507150053978,9.334010124206543,0.006410256493836641,0.00013319126446731389
36,0.2077561467885971,4.089554786682129,0.8782475590705872,0.05318853631615639,0.0245071928948164,9.351238250732422,0.012578615918755531,0.00026638252893462777
37,0.21176688373088837,4.059149742126465,0.8808574080467224,0.05451516434550285,0.024640383198857307,9.436446189880371,0.03550295904278755,0.0007991475868038833
38,0.21031685173511505,4.055099964141846,0.871367335319519,0.0564279779791832,0.0261054877191782,9.558694839477539,0.023668639361858368,0.0005327650578692555
39,0.21485206484794617,4.024014472961426,0.8849021196365356,0.05858760327100754,0.02597229555249214,9.559093475341797,0.012578615918755531,0.00026638252893462777
40,0.21843087673187256,4.0041704177856445,0.8694080710411072,0.05935889855027199,0.0261054877191782,9.602422714233398,0.026490066200494766,0.0005327650578692555
41,0.22086817026138306,3.975396156311035,0.874096155166626,0.06340048462152481,0.02197655849158764,9.617487907409668,0.03658536449074745,0.0007991475868038833
42,0.22336716949939728,3.962003231048584,0.8808201551437378,0.06361644715070724,0.02104421891272068,9.688793182373047,0.012500000186264515,0.00026638252893462777
43,0.22663745284080505,3.925198793411255,0.8799837231636047,0.0667324811220169,0.020511453971266747,9.744327545166016,0.032608695328235626,0.0007991475868038833
44,0.2300928682088852,3.90729022026062,0.8795507550239563,0.070064477622509,0.022109748795628548,9.821006774902344,0.020304568111896515,0.0005327650578692555
45,0.234072744846344,3.8793044090270996,0.8797835111618042,0.07021874189376831,0.023042088374495506,9.893169403076172,0.019512195140123367,0.0005327650578692555
46,0.23339401185512543,3.875826597213745,0.8538056015968323,0.06991022080183029,0.020511453971266747,9.938312530517578,0.005681818351149559,0.00013319126446731389
47,0.23533767461776733,3.8554327487945557,0.8806735277175903,0.07422947883605957,0.01864677667617798,9.92908000946045,0.0,0.0
48,0.24215592443943024,3.824479103088379,0.8773027658462524,0.07786998897790909,0.019179541617631912,10.043395042419434,0.026737967506051064,0.000665956293232739
49,0.24033567309379578,3.8099710941314697,0.8717331290245056,0.07820936292409897,0.025039957836270332,10.054181098937988,0.010638297535479069,0.00026638252893462777
50,0.24558047950267792,3.7944111824035645,0.8722835183143616,0.08049239218235016,0.01944592408835888,10.060957908630371,0.019999999552965164,0.0005327650578692555
51,0.2506093382835388,3.7618486881256104,0.87479567527771,0.08255946636199951,0.02024507150053978,10.14707088470459,0.009302325546741486,0.00026638252893462777
52,0.2522753179073334,3.7456462383270264,0.8625832796096802,0.08385524153709412,0.019179541617631912,10.172388076782227,0.014218009077012539,0.00039957379340194166
53,0.2502391040325165,3.746858835220337,0.8740181922912598,0.08582975715398788,0.02117741107940674,10.232619285583496,0.01923076994717121,0.0005327650578692555
54,0.2588159143924713,3.7057878971099854,0.8766958117485046,0.0897170901298523,0.02197655849158764,10.252720832824707,0.03162055462598801,0.001065530115738511
55,0.2568722367286682,3.7048394680023193,0.8689675331115723,0.0916607528924942,0.01864677667617798,10.294172286987305,0.004032257944345474,0.00013319126446731389
56,0.25887760519981384,3.681933879852295,0.8770754337310791,0.09289482980966568,0.02344166301190853,10.292255401611328,0.016597511246800423,0.0005327650578692555
57,0.2627032399177551,3.667370080947876,0.8747841119766235,0.09375867992639542,0.02024507150053978,10.267349243164062,0.02521008439362049,0.0007991475868038833
58,0.26112979650497437,3.6694812774658203,0.871122419834137,0.09530127048492432,0.02197655849158764,10.323968887329102,0.02527075819671154,0.0009323388221673667
59,0.26609694957733154,3.644019842147827,0.8726716637611389,0.09684386104345322,0.022376131266355515,10.37929916381836,0.018939394503831863,0.000665956293232739
60,0.2671767473220825,3.623256206512451,0.8734383583068848,0.09921944886445999,0.01864677667617798,10.463838577270508,0.011673151515424252,0.00039957379340194166
61,0.27047789096832275,3.5879101753234863,0.8851802349090576,0.10227377712726593,0.02117741107940674,10.52482795715332,0.02364864945411682,0.0009323388221673667
62,0.2751673758029938,3.5828311443328857,0.8766133189201355,0.10477277636528015,0.021310601383447647,10.524837493896484,0.017421603202819824,0.000665956293232739
63,0.2691204249858856,3.5956642627716064,0.8728835582733154,0.10338444262742996,0.02011188119649887,10.563777923583984,0.017006803303956985,0.000665956293232739
64,0.27202048897743225,3.5681071281433105,0.8679245114326477,0.10501959174871445,0.02104421891272068,10.57644271850586,0.013651876710355282,0.0005327650578692555
65,0.2807515561580658,3.5510032176971436,0.8778819441795349,0.10690154880285263,0.021576983854174614,10.742264747619629,0.025714285671710968,0.0011987213511019945
66,0.28362077474594116,3.5367064476013184,0.8734177350997925,0.10856755077838898,0.021310601383447647,10.687420845031738,0.021084336563944817,0.0009323388221673667
67,0.2812451720237732,3.5206377506256104,0.8661853075027466,0.11103569716215134,0.01851358637213707,10.709790229797363,0.011070110835134983,0.00039957379340194166
68,0.2822941541671753,3.5169997215270996,0.8702455759048462,0.11152932792901993,0.020644646137952805,10.687252044677734,0.010135134682059288,0.00039957379340194166
69,0.28251010179519653,3.508343458175659,0.8709447979927063,0.11347299069166183,0.02104421891272068,10.777402877807617,0.01582278497517109,0.000665956293232739
70,0.2856261432170868,3.486469030380249,0.8712780475616455,0.11736031621694565,0.023308470845222473,10.85977840423584,0.021739130839705467,0.0009323388221673667
71,0.2890506982803345,3.4793341159820557,0.8778363466262817,0.11816246807575226,0.021710176020860672,10.856465339660645,0.012738853693008423,0.0005327650578692555
72,0.28988370299339294,3.4712443351745605,0.8767368793487549,0.12069231271743774,0.018247203901410103,10.86432933807373,0.01690140925347805,0.0007991475868038833
73,0.292197585105896,3.4408388137817383,0.8743010759353638,0.12059976160526276,0.02277570590376854,10.915057182312012,0.02302631549537182,0.0009323388221673667
74,0.29481998085975647,3.434990882873535,0.8772467970848083,0.12346898019313812,0.021576983854174614,10.932266235351562,0.02985074557363987,0.001331912586465478
75,0.2983062267303467,3.408902645111084,0.8831503987312317,0.12661586701869965,0.019712306559085846,10.969438552856445,0.01650165021419525,0.000665956293232739
76,0.2984604835510254,3.423056125640869,0.8789305090904236,0.12677012383937836,0.02344166301190853,10.984390258789062,0.015974441543221474,0.000665956293232739
77,0.29947859048843384,3.404935598373413,0.8766067028045654,0.1262456476688385,0.016249334439635277,11.079906463623047,0.010638297535479069,0.0005327650578692555
78,0.29883071780204773,3.3918471336364746,0.8722222447395325,0.13078086078166962,0.02277570590376854,11.049870491027832,0.021917808800935745,0.001065530115738511
79,0.30012649297714233,3.3958182334899902,0.8680192232131958,0.1280350536108017,0.021310601383447647,11.072209358215332,0.023255813866853714,0.001065530115738511
80,0.3047234117984772,3.3641958236694336,0.8729740977287292,0.13294048607349396,0.015450186096131802,11.165645599365234,0.014880952425301075,0.000665956293232739
81,0.3064819574356079,3.3537240028381348,0.8814589381217957,0.1342054158449173,0.02011188119649887,11.098451614379883,0.015432098880410194,0.000665956293232739
82,0.3047234117984772,3.3503665924072266,0.8660963177680969,0.13429796695709229,0.019712306559085846,11.184000968933105,0.01595744676887989,0.0007991475868038833
83,0.3063894212245941,3.343217134475708,0.87364262342453,0.13651929795742035,0.015450186096131802,11.253070831298828,0.021978022530674934,0.001065530115738511
84,0.30694475769996643,3.3365349769592285,0.8736883997917175,0.1361490786075592,0.017314864322543144,11.299909591674805,0.005089058540761471,0.00026638252893462777
85,0.3075617849826813,3.323033571243286,0.8664218187332153,0.13827785849571228,0.01678209938108921,11.285079956054688,0.008522727526724339,0.00039957379340194166
86,0.31286829710006714,3.303642749786377,0.8773006200790405,0.1411779224872589,0.014651038683950901,11.272193908691406,0.01534526888281107,0.0007991475868038833
87,0.3146268427371979,3.2869937419891357,0.8723363876342773,0.14145559072494507,0.016382524743676186,11.382613182067871,0.026954177767038345,0.001331912586465478
88,0.31407150626182556,3.2867603302001953,0.8769524097442627,0.14204177260398865,0.017448054626584053,11.386037826538086,0.022624434903264046,0.001331912586465478
89,0.31342363357543945,3.289762258529663,0.8687698245048523,0.14358437061309814,0.01611614227294922,11.403234481811523,0.028985507786273956,0.0015982951736077666
90,0.31869930028915405,3.274033308029175,0.8732473254203796,0.144108846783638,0.01758124679327011,11.440013885498047,0.03147699683904648,0.00173148640897125
91,0.3204578459262848,3.264944076538086,0.8812956213951111,0.14521950483322144,0.016648907214403152,11.469846725463867,0.024570023640990257,0.001331912586465478
92,0.3184216320514679,3.2621827125549316,0.8694050312042236,0.14562058448791504,0.017448054626584053,11.450336456298828,0.024886878207325935,0.0014651039382442832
93,0.32064294815063477,3.242424726486206,0.8752735257148743,0.1480887234210968,0.01838039420545101,11.540081977844238,0.009216589853167534,0.0005327650578692555
94,0.32561010122299194,3.235163450241089,0.8779964447021484,0.1514207273721695,0.015316994860768318,11.509808540344238,0.014457831159234047,0.0007991475868038833
95,0.3215685188770294,3.2254514694213867,0.8708024024963379,0.15200690925121307,0.020378263667225838,11.532309532165527,0.025773195549845695,0.001331912586465478
96,0.3240058124065399,3.2237610816955566,0.8682795763015747,0.1494770646095276,0.017314864322543144,11.672304153442383,0.015909090638160706,0.0009323388221673667
97,0.32706013321876526,3.2091712951660156,0.8723068833351135,0.15364205837249756,0.017048481851816177,11.62463092803955,0.01272264588624239,0.000665956293232739
98,0.32690587639808655,3.2025632858276367,0.8727495074272156,0.15404313802719116,0.017048481851816177,11.679694175720215,0.01904761977493763,0.001065530115738511
99,0.32949742674827576,3.187187910079956,0.8713865280151367,0.1553080528974533,0.016515716910362244,11.715556144714355,0.01425178162753582,0.0007991475868038833
100,0.3313176929950714,3.1767730712890625,0.8759236931800842,0.15725171566009521,0.019046351313591003,11.698598861694336,0.020930232480168343,0.0011987213511019945
101,0.32999104261398315,3.183868408203125,0.8752791881561279,0.1571900099515915,0.01771443709731102,11.748710632324219,0.017977528274059296,0.001065530115738511
102,0.3307006359100342,3.1682076454162598,0.8676370978355408,0.1581464260816574,0.01598295196890831,11.728557586669922,0.021791767328977585,0.0011987213511019945
103,0.3332613408565521,3.160508155822754,0.8689492344856262,0.15894857048988342,0.014917421154677868,11.748072624206543,0.015118790790438652,0.0009323388221673667
104,0.33372411131858826,3.1435840129852295,0.8765329718589783,0.16317526996135712,0.01851358637213707,11.766417503356934,0.020964359864592552,0.001331912586465478
105,0.33646994829177856,3.150479316711426,0.8687468767166138,0.16234226524829865,0.01771443709731102,11.865253448486328,0.015841584652662277,0.001065530115738511
106,0.33625397086143494,3.1451525688171387,0.8743007779121399,0.16394656896591187,0.017181672155857086,11.826273918151855,0.015841584652662277,0.001065530115738511
107,0.3399253487586975,3.1249592304229736,0.87761390209198,0.16703175008296967,0.017448054626584053,11.898265838623047,0.01411290280520916,0.0009323388221673667
108,0.3440903425216675,3.0972087383270264,0.8786228895187378,0.169283926486969,0.01611614227294922,11.905926704406738,0.008179958909749985,0.0005327650578692555
109,0.3414062261581421,3.106605052947998,0.8706427812576294,0.1679881513118744,0.018913159146904945,11.904301643371582,0.014084506779909134,0.0009323388221673667
110,0.3419615626335144,3.1073594093322754,0.8733183741569519,0.16823497414588928,0.019046351313591003,11.958257675170898,0.016759777441620827,0.0011987213511019945
111,0.3393700122833252,3.109830617904663,0.8684879541397095,0.16869774460792542,0.016249334439635277,11.913370132446289,0.008064515888690948,0.0005327650578692555
112,0.34476906061172485,3.0914807319641113,0.8735686540603638,0.17181377112865448,0.019712306559085846,12.021354675292969,0.020370369777083397,0.0014651039382442832
113,0.34233176708221436,3.099961519241333,0.8667619228363037,0.168389230966568,0.019579116255044937,11.996103286743164,0.010582010261714458,0.0007991475868038833
114,0.3452318608760834,3.0777909755706787,0.870553195476532,0.1713818460702896,0.018247203901410103,12.045138359069824,0.011320754885673523,0.0007991475868038833
115,0.346527636051178,3.0825695991516113,0.878731369972229,0.17437447607517242,0.018247203901410103,11.998443603515625,0.00554528646171093,0.00039957379340194166
116,0.3473914861679077,3.0528993606567383,0.8713610768318176,0.17637984454631805,0.018779968842864037,12.103346824645996,0.008503401651978493,0.000665956293232739
117,0.34483078122138977,3.0699918270111084,0.8751935362815857,0.17437447607517242,0.020511453971266747,12.037976264953613,0.016574585810303688,0.0011987213511019945
118,0.345046728849411,3.0600316524505615,0.8698179721832275,0.17542344331741333,0.018913159146904945,12.121511459350586,0.017699114978313446,0.001331912586465478
119,0.351402223110199,3.0371615886688232,0.8708713054656982,0.17977355420589447,0.017448054626584053,12.109549522399902,0.01200686115771532,0.0009323388221673667
120,0.3542405962944031,3.033348560333252,0.8696498274803162,0.17927992343902588,0.018913159146904945,12.140617370605469,0.02023608796298504,0.0015982951736077666
121,0.35004472732543945,3.0369207859039307,0.8722347617149353,0.17881713807582855,0.018913159146904945,12.202795028686523,0.022304832935333252,0.0015982951736077666
122,0.35587573051452637,3.0190951824188232,0.8714475035667419,0.1825810670852661,0.019179541617631912,12.22257137298584,0.025553662329912186,0.0019978689961135387
123,0.35547465085983276,3.0158157348632812,0.8738791942596436,0.1834140568971634,0.017847629263997078,12.206542015075684,0.025974025949835777,0.0018646776443347335
124,0.351402223110199,3.0162768363952637,0.8704471588134766,0.1813778430223465,0.01864677667617798,12.263235092163086,0.01272727269679308,0.0009323388221673667
125,0.3610588312149048,3.000701665878296,0.8769477009773254,0.18578965961933136,0.016515716910362244,12.238544464111328,0.01909722201526165,0.0014651039382442832
126,0.3552587032318115,3.0099315643310547,0.8724207878112793,0.18523432314395905,0.01678209938108921,12.32756519317627,0.012500000186264515,0.0009323388221673667
127,0.35726407170295715,3.0006520748138428,0.8745649456977844,0.18606731295585632,0.01864677667617798,12.226755142211914,0.017574692144989967,0.001331912586465478
128,0.36084288358688354,2.978771448135376,0.8698412775993347,0.18597476184368134,0.016515716910362244,12.331308364868164,0.015177065506577492,0.0011987213511019945
129,0.3591151833534241,2.987137794494629,0.8703199028968811,0.18717798590660095,0.016648907214403152,12.319421768188477,0.001788908732123673,0.00013319126446731389
130,0.35636934638023376,2.9894754886627197,0.866963267326355,0.18637584149837494,0.01758124679327011,12.342297554016113,0.014876033179461956,0.0011987213511019945
131,0.36108967661857605,2.9782168865203857,0.8731992840766907,0.18887484073638916,0.017181672155857086,12.328093528747559,0.021778583526611328,0.0015982951736077666
132,0.3630025088787079,2.971914529800415,0.8689410090446472,0.188597172498703,0.017980819568037987,12.355813026428223,0.020408162847161293,0.0015982951736077666
133,0.3626014292240143,2.9555227756500244,0.8717733025550842,0.19171319901943207,0.017314864322543144,12.41879940032959,0.013400334864854813,0.001065530115738511
134,0.3648536205291748,2.953104019165039,0.8727502822875977,0.19149723649024963,0.019046351313591003,12.443093299865723,0.0284810122102499,0.002397442702203989
135,0.36581000685691833,2.939408302307129,0.8750351071357727,0.19226853549480438,0.016515716910362244,12.55723762512207,0.030063292011618614,0.0025306339375674725
136,0.36537808179855347,2.9358742237091064,0.8662517070770264,0.1932249367237091,0.018913159146904945,12.472495079040527,0.016339870169758797,0.001331912586465478
137,0.3710239827632904,2.916933536529541,0.8717145323753357,0.19748249650001526,0.017314864322543144,12.504672050476074,0.018292682245373726,0.0015982951736077666
138,0.3665504455566406,2.930241346359253,0.865638792514801,0.19399623572826385,0.01598295196890831,12.524405479431152,0.012259194627404213,0.0009323388221673667
139,0.36978989839553833,2.9320507049560547,0.8656554818153381,0.1972048282623291,0.017314864322543144,12.540789604187012,0.013293944299221039,0.0011987213511019945
140,0.3689877390861511,2.904822587966919,0.8738787770271301,0.19837719202041626,0.02011188119649887,12.608038902282715,0.009104704484343529,0.0007991475868038833
141,0.3720729351043701,2.9127979278564453,0.875579833984375,0.19800697267055511,0.02024507150053978,12.608062744140625,0.015988372266292572,0.0014651039382442832
142,0.3682781457901001,2.9241201877593994,0.8723374605178833,0.19458241760730743,0.017980819568037987,12.683686256408691,0.017980637028813362,0.00173148640897125
143,0.3712090849876404,2.9099912643432617,0.8728949427604675,0.20149323344230652,0.01931273378431797,12.591106414794922,0.013793103396892548,0.001331912586465478
144,0.3680930435657501,2.9177749156951904,0.8648393154144287,0.1976058930158615,0.018114011734724045,12.53043270111084,0.01589825190603733,0.001331912586465478
145,0.3758060038089752,2.884862184524536,0.8785171508789062,0.20325177907943726,0.02264251373708248,12.631887435913086,0.026279391720891,0.0025306339375674725
146,0.37457191944122314,2.888383626937866,0.8770289421081543,0.20837318897247314,0.019179541617631912,12.626579284667969,0.01591895893216133,0.0014651039382442832
147,0.3802178204059601,2.8705413341522217,0.8744382858276367,0.204115629196167,0.017448054626584053,12.644477844238281,0.013353115878999233,0.0011987213511019945
148,0.3754357695579529,2.8756585121154785,0.872331976890564,0.20300497114658356,0.018247203901410103,12.618266105651855,0.01593625545501709,0.0015982951736077666
149,0.37383148074150085,2.881103515625,0.8701948523521423,0.20393052697181702,0.020511453971266747,12.793880462646484,0.024771837517619133,0.0025306339375674725
150,0.3755591809749603,2.8775746822357178,0.8738107681274414,0.204023078083992,0.017448054626584053,12.690712928771973,0.02281879261136055,0.0022642514668405056
151,0.37861353158950806,2.874480724334717,0.8737008571624756,0.20488692820072174,0.018114011734724045,12.740894317626953,0.019204389303922653,0.0018646776443347335
152,0.3803103566169739,2.861165761947632,0.8723846673965454,0.2071082592010498,0.015050612390041351,12.794000625610352,0.020057305693626404,0.0018646776443347335
153,0.3800326883792877,2.8419058322906494,0.8713698387145996,0.20920617878437042,0.017448054626584053,12.791316986083984,0.015514809638261795,0.0014651039382442832
154,0.38064974546432495,2.8529529571533203,0.8688902854919434,0.20895937085151672,0.019845498725771904,12.797344207763672,0.015580736100673676,0.0014651039382442832
155,0.38123592734336853,2.85906982421875,0.8702654242515564,0.2084040343761444,0.01864677667617798,12.810754776000977,0.017751479521393776,0.0015982951736077666
156,0.3826551139354706,2.839972972869873,0.8660072088241577,0.20797210931777954,0.017448054626584053,12.842557907104492,0.019083969295024872,0.0019978689961135387
157,0.37926140427589417,2.836141586303711,0.864222526550293,0.21090303361415863,0.017847629263997078,12.864313125610352,0.017069701105356216,0.0015982951736077666
158,0.38228487968444824,2.83705735206604,0.8677780628204346,0.21037855744361877,0.018913159146904945,12.948478698730469,0.014666666276752949,0.0014651039382442832
159,0.3851540982723236,2.8295071125030518,0.8699837327003479,0.21469780802726746,0.02024507150053978,12.861226081848145,0.01827676221728325,0.0018646776443347335
160,0.3848147392272949,2.825942277908325,0.871290922164917,0.2119828462600708,0.01944592408835888,12.890523910522461,0.011450381949543953,0.0011987213511019945
161,0.3877456486225128,2.81632661819458,0.8705206513404846,0.21509887278079987,0.018913159146904945,12.915904998779297,0.00803212821483612,0.0007991475868038833
162,0.3855860233306885,2.8084685802459717,0.865951418876648,0.21664147078990936,0.019179541617631912,12.94794750213623,0.018963336944580078,0.0019978689961135387
163,0.3864498734474182,2.8105669021606445,0.8640226721763611,0.21642550826072693,0.020644646137952805,12.923392295837402,0.014102564193308353,0.0014651039382442832
164,0.3902755081653595,2.7904324531555176,0.8655092120170593,0.2184000313282013,0.018913159146904945,12.952533721923828,0.024453025311231613,0.0025306339375674725
165,0.3855860233306885,2.8151049613952637,0.8676249980926514,0.21414247155189514,0.018247203901410103,12.909229278564453,0.01576872542500496,0.0015982951736077666
166,0.3889180123806,2.8005802631378174,0.8629249334335327,0.21772128343582153,0.01931273378431797,13.054244041442871,0.017699114978313446,0.0018646776443347335
167,0.391818106174469,2.7772879600524902,0.8733179569244385,0.22225649654865265,0.016382524743676186,13.003429412841797,0.016861218959093094,0.00173148640897125
168,0.386233925819397,2.8057870864868164,0.8679455518722534,0.2163638025522232,0.01838039420545101,13.129916191101074,0.020253164693713188,0.002131060231477022
169,0.39160212874412537,2.762237787246704,0.8719894289970398,0.22339801490306854,0.01838039420545101,13.145349502563477,0.02120141312479973,0.002397442702203989
170,0.39397773146629333,2.7577240467071533,0.8700665831565857,0.22580446302890778,0.016648907214403152,13.070817947387695,0.01416765060275793,0.0015982951736077666
171,0.39258939027786255,2.764498233795166,0.8653662204742432,0.22308950126171112,0.017448054626584053,13.154151916503906,0.017241379246115685,0.0019978689961135387
172,0.3947181701660156,2.774271011352539,0.8737307190895081,0.22565020620822906,0.01691528968513012,13.123787879943848,0.00954653974622488,0.001065530115738511
173,0.3966309726238251,2.7518808841705322,0.872363269329071,0.22583530843257904,0.018114011734724045,13.161619186401367,0.01862630993127823,0.002131060231477022
174,0.3910159468650818,2.7653887271881104,0.8703436851501465,0.22345972061157227,0.017448054626584053,13.156767845153809,0.020214030519127846,0.0022642514668405056
175,0.39194151759147644,2.7614362239837646,0.8648713231086731,0.2239225059747696,0.015450186096131802,13.155137062072754,0.017486339434981346,0.002131060231477022
176,0.39730972051620483,2.7532272338867188,0.8649734258651733,0.22589701414108276,0.018114011734724045,13.177136421203613,0.019495412707328796,0.0022642514668405056
177,0.39681610465049744,2.753002405166626,0.8670125007629395,0.22688427567481995,0.01611614227294922,13.243605613708496,0.012594458647072315,0.001331912586465478
178,0.39533519744873047,2.753391981124878,0.8679178357124329,0.22685343027114868,0.01864677667617798,13.255518913269043,0.01807909645140171,0.002131060231477022
179,0.3958596885204315,2.738980770111084,0.8623971939086914,0.22642149031162262,0.01691528968513012,13.272407531738281,0.028235293924808502,0.0031965903472155333
180,0.3968469500541687,2.742163896560669,0.8661463856697083,0.22598956525325775,0.019845498725771904,13.193178176879883,0.0251141544431448,0.0029302078764885664
181,0.40363433957099915,2.724295139312744,0.8665511012077332,0.2313886433839798,0.020777836441993713,13.22213077545166,0.018930958583950996,0.0022642514668405056
182,0.3972480297088623,2.725673198699951,0.8708206415176392,0.22981519997119904,0.01864677667617798,13.288507461547852,0.016304347664117813,0.0019978689961135387
183,0.4013204574584961,2.722843647003174,0.8680806159973145,0.22981519997119904,0.017314864322543144,13.270705223083496,0.015550239011645317,0.00173148640897125
184,0.40125876665115356,2.7083778381347656,0.8673868179321289,0.23286952078342438,0.015316994860768318,13.308090209960938,0.005988024175167084,0.000665956293232739
185,0.3998395800590515,2.707702875137329,0.8644924163818359,0.23225249350070953,0.019046351313591003,13.337625503540039,0.013903743587434292,0.00173148640897125
186,0.40104278922080994,2.7087624073028564,0.8644261360168457,0.23330144584178925,0.016382524743676186,13.344861030578613,0.012805587612092495,0.0014651039382442832
187,0.4037269055843353,2.7035422325134277,0.8614980578422546,0.2327769696712494,0.016249334439635277,13.337939262390137,0.019450800493359566,0.0022642514668405056
188,0.40354180335998535,2.698251724243164,0.8679525256156921,0.2346280813217163,0.015716569498181343,13.282780647277832,0.013953488320112228,0.0015982951736077666
189,0.400086373090744,2.7029736042022705,0.8694654703140259,0.23385678231716156,0.019579116255044937,13.415742874145508,0.020105820149183273,0.0025306339375674725
190,0.40607163310050964,2.6866188049316406,0.8679759502410889,0.23589301109313965,0.017048481851816177,13.449803352355957,0.025274725630879402,0.00306339911185205
191,0.4026779234409332,2.6916005611419678,0.8720623850822449,0.23468978703022003,0.017048481851816177,13.351456642150879,0.017026105895638466,0.0019978689961135387
192,0.4037269055843353,2.7046196460723877,0.8677554726600647,0.23604726791381836,0.016648907214403152,13.44102954864502,0.01824401319026947,0.002131060231477022
193,0.4047450125217438,2.6834945678710938,0.864703893661499,0.2374047487974167,0.01758124679327011,13.412089347839355,0.021276595070958138,0.0027970164082944393
194,0.4110387861728668,2.67084002494812,0.8715483546257019,0.24052077531814575,0.018114011734724045,13.447687149047852,0.01964636519551277,0.002663825172930956
195,0.40557801723480225,2.674053192138672,0.8642127513885498,0.23758985102176666,0.019579116255044937,13.505427360534668,0.02245989255607128,0.0027970164082944393
196,0.4056397080421448,2.6846680641174316,0.864017903804779,0.23817604780197144,0.015849759802222252,13.42123031616211,0.025527192279696465,0.00306339911185205
197,0.4099281132221222,2.6775753498077393,0.8658509254455566,0.2401505559682846,0.02024507150053978,13.479196548461914,0.02018163539469242,0.002663825172930956
198,0.4082929790019989,2.6737401485443115,0.8695073127746582,0.24175484478473663,0.017314864322543144,13.484325408935547,0.017119839787483215,0.0022642514668405056
199,0.41338351368904114,2.668549060821533,0.8700277209281921,0.24224847555160522,0.017448054626584053,13.495019912719727,0.018120044842362404,0.002131060231477022
200,0.4073057174682617,2.669351816177368,0.8651922941207886,0.24018140137195587,0.01691528968513012,13.517601013183594,0.02048780396580696,0.0027970164082944393
201,0.4087865948677063,2.6565747261047363,0.8627777695655823,0.23956437408924103,0.017847629263997078,13.554194450378418,0.018065886572003365,0.0022642514668405056
202,0.4119643270969391,2.6496694087982178,0.8618887066841125,0.2441304475069046,0.019046351313591003,13.626604080200195,0.018450183793902397,0.002663825172930956
203,0.40866318345069885,2.6630702018737793,0.8634613156318665,0.24212507903575897,0.019978689029812813,13.601473808288574,0.02125506103038788,0.0027970164082944393
204,0.41159412264823914,2.6402993202209473,0.862076461315155,0.2456730306148529,0.017980819568037987,13.57684326171875,0.013742071576416492,0.00173148640897125
205,0.4133526682853699,2.6375467777252197,0.8651394248008728,0.24699966609477997,0.01851358637213707,13.545503616333008,0.016080401837825775,0.002131060231477022
206,0.41134729981422424,2.630599021911621,0.8629112243652344,0.24197080731391907,0.016515716910362244,13.6190767288208,0.01661779172718525,0.0022642514668405056
207,0.41273564100265503,2.6305179595947266,0.8665300011634827,0.24777095019817352,0.014384656213223934,13.544652938842773,0.014893617480993271,0.0018646776443347335
208,0.4160984754562378,2.6364777088165283,0.8681354522705078,0.24678370356559753,0.01611614227294922,13.6359224319458,0.011505273170769215,0.0015982951736077666
209,0.4146484434604645,2.6302852630615234,0.8692796230316162,0.24496343731880188,0.019845498725771904,13.656291007995605,0.019627084955573082,0.002663825172930956
210,0.4141548275947571,2.6326544284820557,0.8673691153526306,0.24635177850723267,0.016249334439635277,13.65353012084961,0.00872093066573143,0.0011987213511019945
211,0.4148027002811432,2.6363918781280518,0.8668181300163269,0.24718476831912994,0.014517847448587418,13.68594741821289,0.014213197864592075,0.0018646776443347335
212,0.41785702109336853,2.6169040203094482,0.8702322840690613,0.24848054349422455,0.017181672155857086,13.71925163269043,0.017357762902975082,0.002397442702203989
213,0.414000540971756,2.629425048828125,0.8647373914718628,0.24891246855258942,0.01758124679327011,13.768331527709961,0.020057305693626404,0.0027970164082944393
214,0.4167463779449463,2.615764856338501,0.8645477890968323,0.25008484721183777,0.01691528968513012,13.750711441040039,0.01529636699706316,0.002131060231477022
215,0.41582080721855164,2.6176605224609375,0.8663067817687988,0.252491295337677,0.017448054626584053,13.792130470275879,0.016759777441620827,0.002397442702203989
216,0.41816556453704834,2.6073760986328125,0.8684686422348022,0.251781702041626,0.017314864322543144,13.785709381103516,0.016765285283327103,0.0022642514668405056
217,0.4194304645061493,2.602959156036377,0.8647558093070984,0.25131890177726746,0.019579116255044937,13.787928581237793,0.01650485396385193,0.0022642514668405056
218,0.4156973958015442,2.6155872344970703,0.8620216846466064,0.25230616331100464,0.017314864322543144,13.698225021362305,0.019436346367001534,0.002663825172930956
219,0.41896769404411316,2.594943046569824,0.8663073182106018,0.2528923451900482,0.017314864322543144,13.822558403015137,0.014097744598984718,0.0019978689961135387
220,0.4204794466495514,2.5915751457214355,0.8653027415275574,0.2570573389530182,0.015316994860768318,13.776052474975586,0.013631938025355339,0.0018646776443347335
221,0.419399619102478,2.5929152965545654,0.8588099479675293,0.2520284950733185,0.016249334439635277,13.786785125732422,0.0131950993090868,0.0018646776443347335
222,0.4229167401790619,2.590179443359375,0.8665063977241516,0.2557307183742523,0.01758124679327011,13.801066398620605,0.014705882407724857,0.002131060231477022
223,0.4199241101741791,2.600261688232422,0.8670117259025574,0.2532317340373993,0.016382524743676186,13.832161903381348,0.02429543249309063,0.0033297815825790167
224,0.42772960662841797,2.564857244491577,0.8600451350212097,0.2585999369621277,0.016249334439635277,13.798112869262695,0.02050326205790043,0.0029302078764885664
225,0.4248603880405426,2.5829391479492188,0.8605235815048218,0.2535402476787567,0.015050612390041351,13.861384391784668,0.018450183793902397,0.002663825172930956
226,0.42205289006233215,2.5711894035339355,0.8587881326675415,0.25536051392555237,0.01691528968513012,13.89989185333252,0.017621144652366638,0.002663825172930956
227,0.4205719828605652,2.58320951461792,0.8692920207977295,0.2560701072216034,0.01758124679327011,13.885247230529785,0.013786764815449715,0.0019978689961135387
228,0.4269891679286957,2.5505380630493164,0.8619298934936523,0.2571190595626831,0.019179541617631912,13.899367332458496,0.020758122205734253,0.00306339911185205
229,0.4252614676952362,2.569561719894409,0.8655522465705872,0.2603893578052521,0.018114011734724045,14.009458541870117,0.024096384644508362,0.003729355288669467
230,0.42529231309890747,2.565474271774292,0.8672602772712708,0.2614383101463318,0.016382524743676186,13.881978034973145,0.020388349890708923,0.0027970164082944393
231,0.4270508885383606,2.56195330619812,0.8649235367774963,0.2581988573074341,0.017048481851816177,14.03003215789795,0.017683465033769608,0.002663825172930956
232,0.4229784309864044,2.558168888092041,0.8615384697914124,0.26261067390441895,0.017181672155857086,13.984004974365234,0.01878354139626026,0.0027970164082944393
233,0.42473697662353516,2.5677125453948975,0.8593429327011108,0.25822973251342773,0.016515716910362244,14.019777297973633,0.022355975583195686,0.0034629728179425

Binary file not shown.

Binary file not shown.

View File

@ -0,0 +1,107 @@
epoch,accuracy,loss,precision,recall
0,0.0401073656976223,6.305737495422363,0.0,0.0
1,0.0471724309027195,5.979435920715332,0.0,0.0
2,0.05679819732904434,5.774374008178711,0.0,0.0
3,0.07540184259414673,5.5467963218688965,1.0,0.0003085181815549731
4,0.0953938215970993,5.326295852661133,0.9224137663841248,0.003301144577562809
5,0.11156017333269119,5.125314235687256,0.9395973086357117,0.008638509549200535
6,0.1275414228439331,4.947536945343018,0.8872340321540833,0.012865208089351654
7,0.1402832269668579,4.771039962768555,0.8955650925636292,0.019313238561153412
8,0.1541048288345337,4.634401798248291,0.9005848169326782,0.02375590056180954
9,0.16832752525806427,4.4993414878845215,0.893048107624054,0.030913522467017174
10,0.17952673137187958,4.38805627822876,0.8911042809486389,0.035849813371896744
11,0.1915280967950821,4.269601345062256,0.8790269494056702,0.041248880326747894
12,0.20420819520950317,4.161935329437256,0.868681013584137,0.04612346738576889
13,0.21574677526950836,4.0765910148620605,0.8845381736755371,0.054360903799533844
14,0.22580446302890778,4.005147933959961,0.8859527111053467,0.05895782634615898
15,0.23580044507980347,3.914696455001831,0.8824734091758728,0.06648566573858261
16,0.24968376755714417,3.826213836669922,0.8833755850791931,0.07524758577346802
17,0.2564711570739746,3.768400192260742,0.8837209343910217,0.07854872941970825
18,0.26390644907951355,3.715920925140381,0.8791243433952332,0.0854903906583786
19,0.268719345331192,3.66813063621521,0.8809801340103149,0.09317249059677124
20,0.2794249355792999,3.6059670448303223,0.8879820108413696,0.09733748435974121
21,0.28445377945899963,3.561427593231201,0.8979266285896301,0.10421744734048843
22,0.2859655022621155,3.5156397819519043,0.8829629421234131,0.11032610386610031
23,0.2970104515552521,3.475023031234741,0.887202262878418,0.11720605939626694
24,0.30117544531822205,3.438606023788452,0.8903358578681946,0.12022953480482101
25,0.30734580755233765,3.3970675468444824,0.8926955461502075,0.12781909108161926
26,0.31117144227027893,3.3613216876983643,0.8868449330329895,0.12791164219379425
27,0.3193163275718689,3.324481248855591,0.8846942782402039,0.13303303718566895
28,0.3184216320514679,3.2933309078216553,0.8885375261306763,0.13870978355407715
29,0.3261962831020355,3.2731363773345947,0.8854002952575684,0.13920339941978455
30,0.3284793198108673,3.2447049617767334,0.8876784443855286,0.1458057016134262
31,0.32943570613861084,3.2223074436187744,0.8868518471717834,0.14774936437606812
32,0.3356986343860626,3.195056200027466,0.8882701396942139,0.1525622457265854
33,0.34044981002807617,3.171229124069214,0.8921893835067749,0.15752938389778137
34,0.3417455852031708,3.1457228660583496,0.8908651471138,0.15916453301906586
35,0.3429179787635803,3.1181530952453613,0.8883618712425232,0.16178694367408752
36,0.3511245548725128,3.088674545288086,0.883190393447876,0.16842007637023926
37,0.35124796628952026,3.080048084259033,0.886599600315094,0.16860519349575043
38,0.3557831645011902,3.061220645904541,0.8836915493011475,0.1725233644247055
39,0.35760343074798584,3.038451671600342,0.8848223686218262,0.17752136290073395
40,0.36010241508483887,3.03027606010437,0.8774360418319702,0.1777990311384201
41,0.36312592029571533,3.0046699047088623,0.8838651180267334,0.1803288757801056
42,0.36596426367759705,2.990769386291504,0.8792750835418701,0.1856045424938202
43,0.3660876750946045,2.975689649581909,0.8857308626174927,0.1884429156780243
44,0.36935797333717346,2.964508056640625,0.8845002055168152,0.1913738250732422
45,0.37222719192504883,2.9486632347106934,0.8850492835044861,0.19121956825256348
46,0.37472617626190186,2.9287517070770264,0.8821819424629211,0.19658778607845306
47,0.37611451745033264,2.9111037254333496,0.8772677183151245,0.19692716002464294
48,0.37666985392570496,2.9034407138824463,0.8786143064498901,0.1987474113702774
49,0.38367322087287903,2.8815035820007324,0.8766975998878479,0.20115385949611664
50,0.3846913278102875,2.8655447959899902,0.8832359313964844,0.20513373613357544
51,0.38219234347343445,2.8838205337524414,0.8751316070556641,0.20519544184207916
52,0.38533923029899597,2.860194206237793,0.8760666847229004,0.20587418973445892
53,0.38546261191368103,2.848552942276001,0.8769170045852661,0.20639866590499878
54,0.38941165804862976,2.825244903564453,0.8791741132736206,0.21281585097312927
55,0.3919106423854828,2.8079307079315186,0.8773525357246399,0.21429672837257385
56,0.39095425605773926,2.8213083744049072,0.8739827275276184,0.21204455196857452
57,0.39274364709854126,2.795447587966919,0.8750764727592468,0.22065220773220062
58,0.3920648992061615,2.7954206466674805,0.8718799948692322,0.21877025067806244
59,0.3961990475654602,2.776341438293457,0.8785445094108582,0.22271928191184998
60,0.39950019121170044,2.775493860244751,0.8797029256820679,0.22290438413619995
61,0.3961373567581177,2.7636666297912598,0.8674741983413696,0.2253725379705429
62,0.40224599838256836,2.7508745193481445,0.8729295134544373,0.22762471437454224
63,0.3975565433502197,2.754347562789917,0.8745553493499756,0.2275630086660385
64,0.4061024785041809,2.7297604084014893,0.8774985671043396,0.23160460591316223
65,0.40101194381713867,2.739513397216797,0.8720617294311523,0.23006200790405273
66,0.4047450125217438,2.727776288986206,0.8743188381195068,0.23265355825424194
67,0.40742912888526917,2.7078909873962402,0.876331627368927,0.23348656296730042
68,0.4113781452178955,2.695284843444824,0.8737974166870117,0.23817604780197144
69,0.4099898040294647,2.7012276649475098,0.8692611455917358,0.23774410784244537
70,0.40702804923057556,2.6924970149993896,0.8665012717247009,0.23709622025489807
71,0.41214945912361145,2.68475604057312,0.8766770958900452,0.24190911650657654
72,0.4127047657966614,2.671207904815674,0.875207781791687,0.243636816740036
73,0.41264307498931885,2.666658639907837,0.8700757026672363,0.244624063372612
74,0.4172091484069824,2.6568655967712402,0.8696619272232056,0.24126122891902924
75,0.4199241101741791,2.6349399089813232,0.8681011199951172,0.24894332885742188
76,0.41801127791404724,2.6491317749023438,0.8710688352584839,0.24866566061973572
77,0.4212198853492737,2.625572919845581,0.8702511191368103,0.25017738342285156
78,0.4161601960659027,2.6460413932800293,0.8652051091194153,0.24595069885253906
79,0.4200475215911865,2.62778639793396,0.8733354806900024,0.25292322039604187
80,0.4206337034702301,2.6222565174102783,0.871833086013794,0.252676397562027
81,0.4209730625152588,2.62742018699646,0.8704767823219299,0.2523370385169983
82,0.42180606722831726,2.6059658527374268,0.8711695671081543,0.2534785568714142
83,0.4221145808696747,2.610149621963501,0.8635879755020142,0.2503933608531952
84,0.4221763014793396,2.604743003845215,0.8661792874336243,0.25221362709999084
85,0.42393484711647034,2.5938525199890137,0.8695288896560669,0.2568105459213257
86,0.4243050515651703,2.5988290309906006,0.8645100593566895,0.2539413273334503
87,0.4240582585334778,2.5954203605651855,0.8666118383407593,0.26017338037490845
88,0.4297966957092285,2.5743813514709473,0.8677226901054382,0.26026594638824463
89,0.4256625473499298,2.5844502449035645,0.8688827157020569,0.2612840533256531
90,0.43130841851234436,2.5662851333618164,0.8650592565536499,0.2634436786174774
91,0.43056797981262207,2.568209648132324,0.8652037382125854,0.26396816968917847
92,0.43180206418037415,2.552396059036255,0.8651458621025085,0.2644309401512146
93,0.43189460039138794,2.561032772064209,0.8597230315208435,0.2643383741378784
94,0.43251165747642517,2.5485799312591553,0.8668067455291748,0.26723846793174744
95,0.43106162548065186,2.548239231109619,0.8629729151725769,0.26813316345214844
96,0.4368000626564026,2.5391900539398193,0.8631017208099365,0.2693980932235718
97,0.4361213147640228,2.5466911792755127,0.8654338121414185,0.27143430709838867
98,0.43902137875556946,2.5098068714141846,0.8669796586036682,0.27347052097320557
99,0.44111931324005127,2.51949405670166,0.8697875738143921,0.2728534936904907
100,0.43698516488075256,2.521623373031616,0.863104522228241,0.2731002867221832
101,0.4400394856929779,2.5074939727783203,0.8638388514518738,0.27519822120666504
102,0.43895968794822693,2.5122082233428955,0.8608426451683044,0.2748279869556427
103,0.4388362765312195,2.507242202758789,0.8603842854499817,0.2749205529689789
104,0.44469812512397766,2.501905918121338,0.8589928150177002,0.2762780487537384
105,0.4389288127422333,2.507836103439331,0.862544596195221,0.2758769690990448

View File

@ -0,0 +1,513 @@
epoch,accuracy,loss,precision,recall,val_accuracy,val_loss,val_precision,val_recall
0,0.04368617385625839,6.254223346710205,0.0,0.0,0.050213105976581573,6.510298252105713,0.0,0.0
1,0.04754265397787094,5.950713634490967,0.0,0.0,0.04874800145626068,6.637467861175537,0.0,0.0
2,0.05297257378697395,5.7926788330078125,0.0,0.0,0.045817796140909195,6.700255870819092,0.0,0.0
3,0.06121000647544861,5.639612197875977,0.0,0.0,0.05141182616353035,6.730255126953125,0.0,0.0
4,0.07318051159381866,5.495490550994873,0.75,0.00018511091184336692,0.04022376239299774,6.826550006866455,0.0,0.0
5,0.0850893184542656,5.354386329650879,0.9508196711540222,0.0017894054763019085,0.045151837170124054,6.8647379875183105,0.0,0.0
6,0.09801622480154037,5.216432571411133,0.9324324131011963,0.0042575509287416935,0.04395311698317528,6.958686351776123,0.0,0.0
7,0.10890691727399826,5.084468364715576,0.9372385144233704,0.006910807453095913,0.03982418775558472,7.07486629486084,0.0,0.0
8,0.1200752779841423,4.963571548461914,0.9131736755371094,0.009409804828464985,0.046750131994485855,7.1421098709106445,0.0,0.0
9,0.12889890372753143,4.851385116577148,0.9197247624397278,0.012371579185128212,0.045950986444950104,7.187646389007568,0.029411764815449715,0.00013319126446731389
10,0.13796932995319366,4.739042282104492,0.9033392071723938,0.015857834368944168,0.046616941690444946,7.30228328704834,0.05882352963089943,0.00026638252893462777
11,0.14981643855571747,4.636832237243652,0.8919288516044617,0.020115386694669724,0.04688332602381706,7.367163181304932,0.04444444552063942,0.00026638252893462777
12,0.1573442816734314,4.534491062164307,0.8934516906738281,0.02483571320772171,0.04368673264980316,7.425047874450684,0.04444444552063942,0.00026638252893462777
13,0.16715514659881592,4.442898750305176,0.9059907793998718,0.030327338725328445,0.04368673264980316,7.5351338386535645,0.033898305147886276,0.00026638252893462777
14,0.17931076884269714,4.34983491897583,0.8825422525405884,0.033844444900751114,0.0427543967962265,7.647549152374268,0.10638298094272614,0.000665956293232739
15,0.1864066869020462,4.276167392730713,0.8853046298027039,0.03810199722647667,0.044885456562042236,7.738982200622559,0.08571428805589676,0.0007991475868038833
16,0.19563138484954834,4.1977620124816895,0.8891001343727112,0.043285101652145386,0.03729355335235596,7.8362627029418945,0.12765957415103912,0.0007991475868038833
17,0.20266559720039368,4.1283674240112305,0.876173734664917,0.046061765402555466,0.046616941690444946,7.911702632904053,0.0923076942563057,0.0007991475868038833
18,0.21232222020626068,4.056253433227539,0.8869333267211914,0.051306575536727905,0.039957378059625626,8.013676643371582,0.07608695328235626,0.0009323388221673667
19,0.2211458384990692,3.985872507095337,0.89794921875,0.05673649534583092,0.04195524752140045,8.100364685058594,0.06422018259763718,0.0009323388221673667
20,0.23070989549160004,3.91831374168396,0.8903312683105469,0.06136426702141762,0.04235482215881348,8.187294960021973,0.0555555559694767,0.0007991475868038833
21,0.24008885025978088,3.8661394119262695,0.8971126675605774,0.06805910915136337,0.03716036304831505,8.291644096374512,0.04901960864663124,0.000665956293232739
22,0.24598154425621033,3.8198132514953613,0.8945711851119995,0.07015703618526459,0.03929142281413078,8.36000919342041,0.12612612545490265,0.0018646776443347335
23,0.2521827518939972,3.760848045349121,0.887721836566925,0.07561780512332916,0.03969099745154381,8.442827224731445,0.0555555559694767,0.0007991475868038833
24,0.26285749673843384,3.7011468410491943,0.9067941308021545,0.08194243162870407,0.035961639136075974,8.532610893249512,0.10256410390138626,0.0015982951736077666
25,0.2661586403846741,3.6525447368621826,0.8935081362724304,0.08619998395442963,0.03902503848075867,8.641027450561523,0.05921052768826485,0.0011987213511019945
26,0.2734396755695343,3.6097776889801025,0.8901644349098206,0.08851386606693268,0.03289824351668358,8.684846878051758,0.09848485141992569,0.00173148640897125
27,0.2805664539337158,3.561613082885742,0.891781210899353,0.09406719356775284,0.03716036304831505,8.840132713317871,0.04651162773370743,0.001065530115738511
28,0.2843920588493347,3.513422727584839,0.8908546566963196,0.10097800195217133,0.040756527334451675,8.858263969421387,0.056603774428367615,0.0011987213511019945
29,0.29306143522262573,3.4773075580596924,0.8997127413749695,0.10628451406955719,0.03875865787267685,8.867030143737793,0.05970149114727974,0.001065530115738511
30,0.29685619473457336,3.4533114433288574,0.8971255421638489,0.109770767390728,0.03809270262718201,8.961006164550781,0.08484848588705063,0.0018646776443347335
31,0.3042297959327698,3.410872459411621,0.9028418660163879,0.11467620730400085,0.04062333330512047,9.039885520935059,0.0694444477558136,0.001331912586465478
32,0.3085182011127472,3.369938850402832,0.8961977958679199,0.1185326874256134,0.03542887419462204,9.062559127807617,0.05128205195069313,0.001065530115738511
33,0.3112640082836151,3.3375346660614014,0.8952808976173401,0.12291364371776581,0.03875865787267685,9.189604759216309,0.05936073139309883,0.00173148640897125
34,0.3179279863834381,3.301569700241089,0.8964826464653015,0.12424027174711227,0.03862546756863594,9.231661796569824,0.08040200918912888,0.002131060231477022
35,0.3217536211013794,3.2792675495147705,0.8984575867652893,0.12939253449440002,0.0395578034222126,9.304594039916992,0.0379146933555603,0.001065530115738511
36,0.3296208381652832,3.246952533721924,0.897378146648407,0.13516181707382202,0.035961639136075974,9.347674369812012,0.08181817829608917,0.002397442702203989
37,0.33054637908935547,3.2169601917266846,0.9043197631835938,0.13821615278720856,0.03902503848075867,9.396512031555176,0.0381355918943882,0.0011987213511019945
38,0.3371795415878296,3.1832504272460938,0.9018453359603882,0.14173325896263123,0.04022376239299774,9.475790977478027,0.046875,0.0015982951736077666
39,0.34094345569610596,3.1606061458587646,0.8973528742790222,0.14537377655506134,0.04302077740430832,9.497529029846191,0.056886225938797,0.0025306339375674725
40,0.3442445993423462,3.1273033618927,0.8974406123161316,0.15145157277584076,0.03542887419462204,9.58436107635498,0.02777777798473835,0.001065530115738511
41,0.3484712839126587,3.108677864074707,0.8949556946754456,0.1527165025472641,0.03782631829380989,9.622126579284668,0.04182509332895279,0.0014651039382442832
42,0.35636934638023376,3.077669620513916,0.9007860422134399,0.15910282731056213,0.03769312798976898,9.6751070022583,0.039007093757390976,0.0014651039382442832
43,0.3575725853443146,3.04754900932312,0.8996052742004395,0.1617252379655838,0.03862546756863594,9.647307395935059,0.043824702501297,0.0014651039382442832
44,0.3622003495693207,3.0366756916046143,0.8988105058670044,0.16552001237869263,0.03729355335235596,9.786482810974121,0.03658536449074745,0.0015982951736077666
45,0.3671366572380066,2.998046875,0.8975570201873779,0.17002438008785248,0.034230154007673264,9.764082908630371,0.05833333358168602,0.0027970164082944393
46,0.36775368452072144,2.9762818813323975,0.9023300409317017,0.17443618178367615,0.03436334431171417,9.834589004516602,0.023668639361858368,0.001065530115738511
47,0.3712707757949829,2.957214593887329,0.8924781680107117,0.17644155025482178,0.031699519604444504,9.900659561157227,0.02787456475198269,0.001065530115738511
48,0.3743559718132019,2.942371129989624,0.8936790227890015,0.17971184849739075,0.03689397871494293,9.882534980773926,0.06230529770255089,0.002663825172930956
49,0.3783358633518219,2.90565824508667,0.9090629816055298,0.1825810670852661,0.03542887419462204,9.92538833618164,0.020270269364118576,0.0007991475868038833
50,0.3810199499130249,2.892522096633911,0.8988396525382996,0.1864066869020462,0.03436334431171417,10.046780586242676,0.050802137702703476,0.0025306339375674725
51,0.3848455846309662,2.877439022064209,0.9013605713844299,0.1880418360233307,0.03769312798976898,10.027239799499512,0.05524861812591553,0.002663825172930956
52,0.38845524191856384,2.85833740234375,0.9024707674980164,0.19270046055316925,0.03729355335235596,10.111005783081055,0.05426356568932533,0.0027970164082944393
53,0.38950422406196594,2.842618465423584,0.8990087509155273,0.1930706799030304,0.03716036304831505,10.117026329040527,0.049723755568265915,0.002397442702203989
54,0.3998704254627228,2.801605463027954,0.894590437412262,0.19846974313259125,0.03502930328249931,10.17855453491211,0.05066666752099991,0.0025306339375674725
55,0.3945947587490082,2.802899122238159,0.904435932636261,0.20380711555480957,0.035695258527994156,10.254289627075195,0.022075055167078972,0.001331912586465478
56,0.39842039346694946,2.790135383605957,0.8944886326789856,0.20479437708854675,0.03969099745154381,10.259237289428711,0.054999999701976776,0.0029302078764885664
57,0.40452903509140015,2.75295090675354,0.9052561521530151,0.20988492667675018,0.03449653834104538,10.275650024414062,0.04591836780309677,0.002397442702203989
58,0.4038503170013428,2.750401496887207,0.8986592888832092,0.2109338790178299,0.03529568389058113,10.29474925994873,0.0385604128241539,0.0019978689961135387
59,0.40742912888526917,2.726511240005493,0.8954035043716431,0.21155092120170593,0.03369738906621933,10.37491226196289,0.04470588266849518,0.0025306339375674725
60,0.4135686159133911,2.7023305892944336,0.9034544825553894,0.21624039113521576,0.029701652005314827,10.376791954040527,0.04106280207633972,0.0022642514668405056
61,0.41150155663490295,2.7005972862243652,0.8978399038314819,0.2179989516735077,0.029302077367901802,10.443765640258789,0.05701754242181778,0.0034629728179425
62,0.41773363947868347,2.6779959201812744,0.897724449634552,0.22395335137844086,0.03502930328249931,10.470919609069824,0.057446807622909546,0.0035961640533059835
63,0.4199858009815216,2.6670470237731934,0.901905357837677,0.2263597995042801,0.03609483316540718,10.494196891784668,0.07157894968986511,0.004528502933681011
64,0.4238731265068054,2.6278226375579834,0.8992587327957153,0.228303462266922,0.03556206822395325,10.565278053283691,0.078125,0.004661694169044495
65,0.422484815120697,2.632838249206543,0.9002529978752136,0.23055563867092133,0.034896109253168106,10.573188781738281,0.07847082614898682,0.005194459110498428
66,0.42529231309890747,2.6280579566955566,0.899284839630127,0.2327769696712494,0.035828448832035065,10.592489242553711,0.06707317382097244,0.004395311698317528
67,0.42911794781684875,2.6093332767486572,0.9041711091995239,0.23607811331748962,0.028103357180953026,10.65621280670166,0.036363635212183,0.002397442702203989
68,0.43066054582595825,2.5790135860443115,0.896774172782898,0.2401505559682846,0.03462972864508629,10.64697551727295,0.04554865509271622,0.0029302078764885664
69,0.4335606098175049,2.5833888053894043,0.8995115160942078,0.2386079728603363,0.034230154007673264,10.722078323364258,0.04466019570827484,0.00306339911185205
70,0.44074907898902893,2.5511128902435303,0.8984017968177795,0.24280381202697754,0.03982418775558472,10.721002578735352,0.05809859186410904,0.004395311698317528
71,0.43729367852211,2.539341449737549,0.9001572132110596,0.24727733433246613,0.030101224780082703,10.78403377532959,0.042307693511247635,0.0029302078764885664
72,0.44161292910575867,2.5226831436157227,0.8983879685401917,0.24931354820728302,0.03383057937026024,10.816014289855957,0.05380333960056305,0.0038625465240329504
73,0.4414895176887512,2.5289559364318848,0.8959032893180847,0.24693796038627625,0.03502930328249931,10.816219329833984,0.043936729431152344,0.0033297815825790167
74,0.4434331953525543,2.5196034908294678,0.8978477120399475,0.2535402476787567,0.0347629189491272,10.87366008758545,0.03773584961891174,0.002663825172930956
75,0.44747477769851685,2.494441270828247,0.8967054486274719,0.2544349431991577,0.031433138996362686,10.901468276977539,0.03284671530127525,0.002397442702203989
76,0.4501897394657135,2.484221935272217,0.898855984210968,0.25937125086784363,0.03116675466299057,10.924820899963379,0.05245346948504448,0.004128929227590561
77,0.45185574889183044,2.4743545055389404,0.8994401097297668,0.25773608684539795,0.03462972864508629,10.980195045471191,0.05057096108794212,0.004128929227590561
78,0.4537685513496399,2.4598641395568848,0.8982908725738525,0.26430752873420715,0.028236547484993935,10.972601890563965,0.03691275045275688,0.0029302078764885664
79,0.45663776993751526,2.442403554916382,0.8980355262756348,0.2665597200393677,0.029968034476041794,11.042675018310547,0.028667790815234184,0.0022642514668405056
80,0.4599389135837555,2.4322023391723633,0.8981799483299255,0.26643630862236023,0.028369739651679993,11.05162239074707,0.03918495401740074,0.0033297815825790167
81,0.4620368480682373,2.4168214797973633,0.897988498210907,0.2699533998966217,0.029968034476041794,11.11230754852295,0.03703703731298447,0.0029302078764885664
82,0.46055594086647034,2.4143266677856445,0.9008010029792786,0.27063214778900146,0.033297814428806305,11.146439552307129,0.03220611810684204,0.002663825172930956
83,0.4652145802974701,2.4026753902435303,0.8968536853790283,0.2717428207397461,0.03449653834104538,11.139392852783203,0.04508856683969498,0.003729355288669467
84,0.4666028916835785,2.3860151767730713,0.8977125287055969,0.2772652804851532,0.031433138996362686,11.15146541595459,0.04258675128221512,0.0035961640533059835
85,0.46459752321243286,2.3799118995666504,0.8962292075157166,0.2779131829738617,0.028902504593133926,11.211627960205078,0.04341317340731621,0.0038625465240329504
86,0.4699966013431549,2.3563127517700195,0.89580899477005,0.28355905413627625,0.03209909424185753,11.258234977722168,0.03801169618964195,0.0034629728179425
87,0.4691019058227539,2.368459463119507,0.8942365050315857,0.27859193086624146,0.034896109253168106,11.322524070739746,0.03631284832954407,0.0034629728179425
88,0.4726189970970154,2.343693494796753,0.8930004835128784,0.28143030405044556,0.03263185918331146,11.3158597946167,0.03162650763988495,0.0027970164082944393
89,0.47305092215538025,2.332749366760254,0.9005407691001892,0.2877240478992462,0.025439530611038208,11.335758209228516,0.04296296462416649,0.0038625465240329504
90,0.47484034299850464,2.334465503692627,0.9000961780548096,0.2888038754463196,0.0269046351313591,11.33763599395752,0.04407713562250137,0.004262120462954044
91,0.47548821568489075,2.3248167037963867,0.8929833173751831,0.28858789801597595,0.028369739651679993,11.399109840393066,0.03653585910797119,0.0035961640533059835
92,0.48122668266296387,2.312066078186035,0.8981261253356934,0.2913028597831726,0.029168887063860893,11.46032428741455,0.061744965612888336,0.0061267982237041
93,0.4791595935821533,2.2946841716766357,0.9015777707099915,0.2961774468421936,0.031699519604444504,11.444500923156738,0.05166475474834442,0.005993606988340616
94,0.48116496205329895,2.309284210205078,0.8902551531791687,0.297072172164917,0.03369738906621933,11.42712116241455,0.04280155524611473,0.004395311698317528
95,0.48221391439437866,2.2983458042144775,0.8956878185272217,0.29670193791389465,0.0269046351313591,11.452852249145508,0.04276729375123978,0.004528502933681011
96,0.48495975136756897,2.2767457962036133,0.8960692286491394,0.3003115952014923,0.029701652005314827,11.502386093139648,0.03667481616139412,0.0039957379922270775
97,0.48699596524238586,2.259277820587158,0.8958011865615845,0.30475425720214844,0.029035694897174835,11.518136024475098,0.04866180196404457,0.005327650345861912
98,0.49146947264671326,2.2535436153411865,0.8936381936073303,0.3050936460494995,0.027304209768772125,11.49760913848877,0.05044136196374893,0.005327650345861912
99,0.4902353882789612,2.243809700012207,0.8934895396232605,0.30824053287506104,0.03023441694676876,11.498200416564941,0.05977584049105644,0.0063931806944310665
100,0.4950791299343109,2.2314462661743164,0.8899312019348145,0.3073149621486664,0.026638252660632133,11.605094909667969,0.025773195549845695,0.002663825172930956
101,0.4947706162929535,2.2326269149780273,0.8943882584571838,0.30830222368240356,0.029168887063860893,11.624625205993652,0.049368541687726974,0.005727224517613649
102,0.49514085054397583,2.2353382110595703,0.8958147764205933,0.3103692829608917,0.030767181888222694,11.604228019714355,0.043478261679410934,0.004794885404407978
103,0.49693024158477783,2.2055575847625732,0.8950552344322205,0.31496623158454895,0.028902504593133926,11.71531867980957,0.047101449221372604,0.005194459110498428
104,0.49341315031051636,2.2163286209106445,0.8924418687820435,0.3125597834587097,0.030101224780082703,11.688882827758789,0.05045871436595917,0.005860415752977133
105,0.49773240089416504,2.2052340507507324,0.8955823183059692,0.3164779543876648,0.030101224780082703,11.718994140625,0.043023254722356796,0.0049280766397714615
106,0.4988430440425873,2.1871824264526367,0.8875765204429626,0.3176194727420807,0.02956845983862877,11.760828018188477,0.03271537646651268,0.0039957379922270775
107,0.5002313852310181,2.192650079727173,0.8911446928977966,0.31823650002479553,0.03369738906621933,11.739298820495605,0.05723541975021362,0.007059136871248484
108,0.5018665194511414,2.170114040374756,0.8985010981559753,0.3236355781555176,0.026638252660632133,11.81995677947998,0.050549451261758804,0.0061267982237041
109,0.4994909465312958,2.177145004272461,0.8927750587463379,0.32366642355918884,0.0285029299557209,11.803317070007324,0.05386178940534592,0.007059136871248484
110,0.5079443454742432,2.1506621837615967,0.8936474323272705,0.3276771605014801,0.033164624124765396,11.793691635131836,0.056065239012241364,0.0073255193419754505
111,0.5099496841430664,2.1457791328430176,0.8910502791404724,0.32928144931793213,0.0347629189491272,11.838603973388672,0.04272634908556938,0.005594032816588879
112,0.509857177734375,2.148343563079834,0.8927379250526428,0.3299601972103119,0.03209909424185753,11.840553283691406,0.041067760437726974,0.005327650345861912
113,0.5109986662864685,2.1302452087402344,0.888028621673584,0.32909634709358215,0.0269046351313591,11.912226676940918,0.033826638013124466,0.004262120462954044
114,0.5076666474342346,2.141019344329834,0.8902879357337952,0.32721439003944397,0.03383057937026024,11.927324295043945,0.05986260995268822,0.008124667219817638
115,0.5132200121879578,2.130542278289795,0.8899316787719727,0.333508163690567,0.028103357180953026,11.998661041259766,0.029556650668382645,0.0039957379922270775
116,0.5117082595825195,2.1338095664978027,0.8900665640830994,0.33421775698661804,0.028902504593133926,11.887906074523926,0.03413654491305351,0.004528502933681011
117,0.5156881213188171,2.1086390018463135,0.8911980390548706,0.33736464381217957,0.026371870189905167,11.974492073059082,0.029622063040733337,0.0038625465240329504
118,0.5131274461746216,2.1130216121673584,0.8899363279342651,0.33202728629112244,0.029035694897174835,11.979191780090332,0.042507968842983246,0.005327650345861912
119,0.5175083875656128,2.0950114727020264,0.8891139030456543,0.33866041898727417,0.027970165014266968,11.969651222229004,0.03681591898202896,0.0049280766397714615
120,0.5184339880943298,2.0944504737854004,0.8887985944747925,0.3373337984085083,0.029302077367901802,12.040390014648438,0.0416666679084301,0.005594032816588879
121,0.5188041925430298,2.0775392055511475,0.8897827863693237,0.3412211239337921,0.029035694897174835,12.060857772827148,0.039603959769010544,0.005860415752977133
122,0.5186190605163574,2.0738584995269775,0.889119029045105,0.34436801075935364,0.030767181888222694,12.1253662109375,0.039961013942956924,0.005460841581225395
123,0.5244500637054443,2.0571885108947754,0.8918961882591248,0.34566378593444824,0.028369739651679993,12.098810195922852,0.047887325286865234,0.006792754400521517
124,0.5244191884994507,2.064870834350586,0.8906987905502319,0.349211722612381,0.027171017602086067,12.087373733520508,0.046226415783166885,0.00652637192979455
125,0.5277203321456909,2.0490267276763916,0.8965489864349365,0.3518649935722351,0.029302077367901802,12.172993659973145,0.04845815151929855,0.0073255193419754505
126,0.5292629599571228,2.0358173847198486,0.8928487300872803,0.3509085774421692,0.029302077367901802,12.197569847106934,0.05033238232135773,0.007059136871248484
127,0.5261777639389038,2.039593458175659,0.8876640200614929,0.3527596890926361,0.029968034476041794,12.19669246673584,0.038058992475271225,0.005327650345861912
128,0.5286767482757568,2.045234203338623,0.8928794860839844,0.3520500957965851,0.026638252660632133,12.254743576049805,0.04775023087859154,0.006925945635885
129,0.5273810029029846,2.019009828567505,0.8936895132064819,0.3560916781425476,0.028236547484993935,12.245428085327148,0.04212454333901405,0.0061267982237041
130,0.5316693782806396,2.0217788219451904,0.8865828514099121,0.35451823472976685,0.02770378254354,12.255803108215332,0.03027823194861412,0.0049280766397714615
131,0.529139518737793,2.0269694328308105,0.8874412178993225,0.3551352918148041,0.024906765669584274,12.318575859069824,0.028229255229234695,0.004395311698317528
132,0.530774712562561,2.020674705505371,0.8930976390838623,0.3600715696811676,0.030633989721536636,12.259456634521484,0.03291814774274826,0.0049280766397714615
133,0.5358652472496033,2.004709005355835,0.8911094069480896,0.3617992699146271,0.025839105248451233,12.3148775100708,0.03996669501066208,0.0063931806944310665
134,0.5350013971328735,2.0104472637176514,0.8920989036560059,0.36297163367271423,0.0245071928948164,12.377913475036621,0.03404255211353302,0.005327650345861912
135,0.5341683626174927,1.9952261447906494,0.8889890909194946,0.36491531133651733,0.027304209768772125,12.308615684509277,0.037351444363594055,0.005860415752977133
136,0.5363588929176331,1.977656602859497,0.8867825269699097,0.36513128876686096,0.02597229555249214,12.350476264953613,0.0416666679084301,0.00652637192979455
137,0.5374078154563904,1.9927960634231567,0.8867318630218506,0.3663961887359619,0.02770378254354,12.320837020874023,0.048945147544145584,0.007725093048065901
138,0.5346928834915161,1.9949877262115479,0.8857911825180054,0.36562490463256836,0.02517314814031124,12.390408515930176,0.044763512909412384,0.007059136871248484
139,0.5360811948776245,1.9844156503677368,0.8899413347244263,0.36522382497787476,0.025839105248451233,12.411690711975098,0.04545454680919647,0.007059136871248484
140,0.5411100387573242,1.9690265655517578,0.8886411190032959,0.36880263686180115,0.02597229555249214,12.430559158325195,0.03371710702776909,0.005460841581225395
141,0.5396600365638733,1.9641762971878052,0.8917816281318665,0.3709314167499542,0.02623867802321911,12.4696044921875,0.04200988635420799,0.006792754400521517
142,0.5455218553543091,1.9504817724227905,0.8910818696022034,0.3760836720466614,0.025572722777724266,12.418275833129883,0.042096901684999466,0.007059136871248484
143,0.5421590209007263,1.9519047737121582,0.8882477283477783,0.3751889765262604,0.02623867802321911,12.485637664794922,0.040030792355537415,0.006925945635885
144,0.5448122620582581,1.9468328952789307,0.889616072177887,0.3774411380290985,0.0285029299557209,12.446735382080078,0.03910614550113678,0.00652637192979455
145,0.5451207756996155,1.9369045495986938,0.8899643421173096,0.3772868812084198,0.02703782543540001,12.560592651367188,0.03579418361186981,0.0063931806944310665
146,0.5474655032157898,1.9268661737442017,0.8849974870681763,0.3765464425086975,0.02623867802321911,12.596115112304688,0.04286827892065048,0.0073255193419754505
147,0.5476506352424622,1.93109130859375,0.8859191536903381,0.3773486018180847,0.023042088374495506,12.558056831359863,0.033179011195898056,0.005727224517613649
148,0.550057053565979,1.9213926792144775,0.8871981501579285,0.383148729801178,0.028902504593133926,12.614895820617676,0.04980237036943436,0.008391049690544605
149,0.5452133417129517,1.9351493120193481,0.8898617625236511,0.3793848156929016,0.03183271363377571,12.545914649963379,0.0569867305457592,0.00972296204417944
150,0.5476815104484558,1.9309934377670288,0.8862917423248291,0.3801869750022888,0.02597229555249214,12.716741561889648,0.04245283082127571,0.007192328106611967
151,0.5476815104484558,1.9219518899917603,0.8872062563896179,0.38317957520484924,0.02770378254354,12.617552757263184,0.03777777776122093,0.006792754400521517
152,0.5517847537994385,1.9015811681747437,0.8898906707763672,0.38672754168510437,0.024240810424089432,12.619589805603027,0.04237918183207512,0.007591901812702417
153,0.5500262379646301,1.9154318571090698,0.8858242630958557,0.3834572434425354,0.02943526953458786,12.641131401062012,0.044508256018161774,0.008257858455181122
154,0.5549933910369873,1.8944422006607056,0.8872418403625488,0.389627605676651,0.0261054877191782,12.670968055725098,0.03582554683089256,0.0061267982237041
155,0.5589115619659424,1.8859177827835083,0.8901515007019043,0.3915095925331116,0.0261054877191782,12.711993217468262,0.037093110382556915,0.00652637192979455
156,0.5559806227684021,1.8884798288345337,0.8823529481887817,0.38919568061828613,0.027970165014266968,12.740025520324707,0.042059462517499924,0.007725093048065901
157,0.5560731887817383,1.8935824632644653,0.886307954788208,0.3908308446407318,0.028902504593133926,12.72891902923584,0.03433162719011307,0.006259989459067583
158,0.5584487915039062,1.8757405281066895,0.8872426152229309,0.3935149610042572,0.023841235786676407,12.814839363098145,0.03973013535141945,0.007059136871248484
159,0.5582019686698914,1.8870446681976318,0.8885577917098999,0.3955511748790741,0.02876931242644787,12.754144668579102,0.04811250790953636,0.008657432161271572
160,0.5601764917373657,1.858019471168518,0.887161910533905,0.39974701404571533,0.025439530611038208,12.773848533630371,0.04048295319080353,0.007591901812702417
161,0.5626137852668762,1.8602666854858398,0.8863198161125183,0.39737141132354736,0.029968034476041794,12.754046440124512,0.04791666567325592,0.009190197102725506
162,0.5647425651550293,1.8489397764205933,0.8882902264595032,0.40184494853019714,0.029302077367901802,12.78555965423584,0.05092911049723625,0.009856153279542923
163,0.5640637874603271,1.8447000980377197,0.8873827457427979,0.39990127086639404,0.0261054877191782,12.787751197814941,0.03735024482011795,0.007059136871248484
164,0.5602381825447083,1.8688673973083496,0.8844392895698547,0.3992842435836792,0.026505060493946075,12.858635902404785,0.036856744438409805,0.007059136871248484
165,0.5628297328948975,1.8552261590957642,0.8863311409950256,0.40150555968284607,0.0269046351313591,12.861405372619629,0.04091539606451988,0.007858284749090672
166,0.5637552738189697,1.8426259756088257,0.8871220946311951,0.40104278922080994,0.0285029299557209,12.849802017211914,0.039034776389598846,0.0073255193419754505
167,0.5673032402992249,1.8278130292892456,0.8866918683052063,0.4053620398044586,0.030767181888222694,12.965641021728516,0.04281949996948242,0.008657432161271572
168,0.5707277655601501,1.8260414600372314,0.8871670961380005,0.40801531076431274,0.025705913081765175,12.892997741699219,0.03879598528146744,0.007725093048065901
169,0.565976619720459,1.8347554206848145,0.8871262669563293,0.4037269055843353,0.02770378254354,12.970552444458008,0.041987404227256775,0.007991475984454155
170,0.5693086385726929,1.8239221572875977,0.8859087228775024,0.40965044498443604,0.026371870189905167,12.906702995300293,0.02920723147690296,0.005594032816588879
171,0.5667170286178589,1.8284180164337158,0.8881816864013672,0.4090025722980499,0.02863612212240696,12.944962501525879,0.03335602581501007,0.00652637192979455
172,0.5709437727928162,1.8230868577957153,0.8877695202827454,0.4077993333339691,0.0245071928948164,12.945072174072266,0.032661572098731995,0.006259989459067583
173,0.5727948546409607,1.8146964311599731,0.8830251097679138,0.41245797276496887,0.02264251373708248,12.999178886413574,0.025273224338889122,0.0049280766397714615
174,0.570141613483429,1.814064621925354,0.8848387598991394,0.40891000628471375,0.02770378254354,13.007941246032715,0.030934343114495277,0.00652637192979455
175,0.5749853253364563,1.8037033081054688,0.8864833116531372,0.4156048595905304,0.027570592239499092,13.03261661529541,0.032890576869249344,0.006925945635885
176,0.5703267455101013,1.8213082551956177,0.8843298554420471,0.41159412264823914,0.025039957836270332,13.018848419189453,0.034090910106897354,0.006792754400521517
177,0.5724863409996033,1.8102179765701294,0.8846332430839539,0.4118717908859253,0.025839105248451233,13.093061447143555,0.028747433796525,0.005594032816588879
178,0.5791811943054199,1.7775633335113525,0.8839846849441528,0.4207879602909088,0.024640383198857307,13.067671775817871,0.030653951689600945,0.005993606988340616
179,0.5767130255699158,1.7834032773971558,0.8888670206069946,0.41801127791404724,0.024107618257403374,13.144515037536621,0.03372243791818619,0.006925945635885
180,0.5729799866676331,1.790893793106079,0.8876851797103882,0.4196464419364929,0.02863612212240696,13.126501083374023,0.03575989603996277,0.007458710577338934
181,0.5761885643005371,1.7785006761550903,0.8825170397758484,0.41970813274383545,0.028236547484993935,13.103719711303711,0.03418803587555885,0.006925945635885
182,0.5740289092063904,1.7901051044464111,0.883081316947937,0.4180421531200409,0.02623867802321911,13.146336555480957,0.038060158491134644,0.008257858455181122
183,0.5781630873680115,1.7712759971618652,0.8873786330223083,0.4229784309864044,0.026771442964673042,13.140911102294922,0.03639846667647362,0.007591901812702417
184,0.5782556533813477,1.7702417373657227,0.8815178275108337,0.4214358329772949,0.026638252660632133,13.166864395141602,0.033438485115766525,0.007059136871248484
185,0.5804769396781921,1.762231707572937,0.8844444155693054,0.4236263334751129,0.026771442964673042,13.120388984680176,0.03320053219795227,0.006659563165158033
186,0.5814333558082581,1.7503889799118042,0.8858818411827087,0.4241507947444916,0.026771442964673042,13.202676773071289,0.03465045616030693,0.007591901812702417
187,0.5805386900901794,1.7596943378448486,0.8879162669181824,0.4318637549877167,0.024107618257403374,13.159852981567383,0.0321601927280426,0.007059136871248484
188,0.583808958530426,1.7473915815353394,0.8855352401733398,0.42723599076271057,0.030767181888222694,13.223766326904297,0.0373944528400898,0.008257858455181122
189,0.5801067352294922,1.7572182416915894,0.8808368444442749,0.43124672770500183,0.026371870189905167,13.268448829650879,0.035163480788469315,0.007591901812702417
190,0.5794588327407837,1.764090657234192,0.8827731609344482,0.42702001333236694,0.02184336632490158,13.28363037109375,0.027413588017225266,0.0061267982237041
191,0.5833770632743835,1.7433326244354248,0.8829051852226257,0.4294264614582062,0.023974427953362465,13.17056941986084,0.037817731499671936,0.008124667219817638
192,0.5822046995162964,1.7401121854782104,0.8842025399208069,0.43204885721206665,0.023308470845222473,13.270216941833496,0.031121550127863884,0.007059136871248484
193,0.582389771938324,1.7409472465515137,0.8826382756233215,0.4322648346424103,0.02956845983862877,13.305438995361328,0.03871748223900795,0.008524240925908089
194,0.5880356431007385,1.7228251695632935,0.8870276808738708,0.43457871675491333,0.02597229555249214,13.304712295532227,0.035108957439661026,0.007725093048065901
195,0.5907197594642639,1.7185474634170532,0.887032151222229,0.4372628331184387,0.02623867802321911,13.304615020751953,0.033787790685892105,0.007591901812702417
196,0.5877580046653748,1.712127923965454,0.8861203193664551,0.43667665123939514,0.026505060493946075,13.373809814453125,0.032073311507701874,0.007458710577338934
197,0.5893005728721619,1.7202327251434326,0.885047435760498,0.4375405013561249,0.024906765669584274,13.317015647888184,0.035863716155290604,0.007991475984454155
198,0.5906580686569214,1.7163420915603638,0.8778059482574463,0.4379415810108185,0.027970165014266968,13.338918685913086,0.040361445397138596,0.008923814631998539
199,0.5922006368637085,1.7096997499465942,0.8826839923858643,0.4403479993343353,0.027970165014266968,13.373757362365723,0.03206996992230415,0.0073255193419754505
200,0.5860611200332642,1.7133421897888184,0.8829767107963562,0.4367074966430664,0.02623867802321911,13.329508781433105,0.04228571429848671,0.009856153279542923
201,0.5920463800430298,1.7080191373825073,0.8845868110656738,0.4405331313610077,0.026771442964673042,13.364344596862793,0.031812723726034164,0.007059136871248484
202,0.5882824659347534,1.7190485000610352,0.8837282061576843,0.43497979640960693,0.024107618257403374,13.407631874084473,0.035118021070957184,0.008124667219817638
203,0.5942986011505127,1.7019438743591309,0.8894762992858887,0.44642582535743713,0.023042088374495506,13.423816680908203,0.025553662329912186,0.005993606988340616
204,0.5913367867469788,1.7097444534301758,0.8833067417144775,0.4437108635902405,0.025439530611038208,13.391646385192871,0.03433242440223694,0.008391049690544605
205,0.5924474596977234,1.6975864171981812,0.8828210830688477,0.44488322734832764,0.02597229555249214,13.446434020996094,0.033664457499980927,0.008124667219817638
206,0.593558132648468,1.6992089748382568,0.8831464648246765,0.4423225224018097,0.0253063403069973,13.5814208984375,0.030820032581686974,0.007458710577338934
207,0.5940825939178467,1.6859339475631714,0.8822124004364014,0.4443587362766266,0.025839105248451233,13.514633178710938,0.03186137601733208,0.007591901812702417
208,0.5963656306266785,1.6838575601577759,0.883186399936676,0.4480918049812317,0.025705913081765175,13.4383544921875,0.033733561635017395,0.007858284749090672
209,0.5959028601646423,1.6825981140136719,0.8847583532333374,0.4479067027568817,0.023841235786676407,13.559198379516602,0.032712917774915695,0.007725093048065901
210,0.5980316400527954,1.6857349872589111,0.8839715123176575,0.4479992687702179,0.023042088374495506,13.626959800720215,0.03195067122578621,0.007591901812702417
211,0.5998519062995911,1.669467568397522,0.8849520087242126,0.4554036855697632,0.02597229555249214,13.476128578186035,0.035979438573122025,0.008391049690544605
212,0.5982167720794678,1.6785573959350586,0.8823994398117065,0.44747477769851685,0.02517314814031124,13.585947036743164,0.03455723449587822,0.008524240925908089
213,0.5995742678642273,1.6833888292312622,0.8865183591842651,0.4499737620353699,0.023841235786676407,13.59842300415039,0.03528742119669914,0.008257858455181122
214,0.5978773832321167,1.6771836280822754,0.8799130320549011,0.4496344029903412,0.024107618257403374,13.57302188873291,0.037154991179704666,0.00932338833808899
215,0.6039243340492249,1.6501555442810059,0.8861967921257019,0.4581495225429535,0.025439530611038208,13.577136039733887,0.03239978104829788,0.007858284749090672
216,0.6013019680976868,1.6590865850448608,0.8810971975326538,0.4469502866268158,0.025839105248451233,13.679930686950684,0.035971224308013916,0.008657432161271572
217,0.5983401536941528,1.6664448976516724,0.8842035531997681,0.45349088311195374,0.026638252660632133,13.606663703918457,0.03999999910593033,0.009589770808815956
218,0.5994508266448975,1.6533145904541016,0.8847813010215759,0.45558881759643555,0.025039957836270332,13.5713472366333,0.03239978104829788,0.007858284749090672
219,0.6100330352783203,1.6334455013275146,0.8856701850891113,0.46030914783477783,0.027570592239499092,13.557483673095703,0.04044704511761665,0.01012253575026989
220,0.6018264293670654,1.649863600730896,0.8831561803817749,0.45892080664634705,0.024107618257403374,13.667634963989258,0.0325680710375309,0.008124667219817638
221,0.6038626432418823,1.6542096138000488,0.8804678916931152,0.45518773794174194,0.0261054877191782,13.682252883911133,0.03767820820212364,0.009856153279542923
222,0.6056212186813354,1.6326980590820312,0.883083701133728,0.45836547017097473,0.02517314814031124,13.658975601196289,0.033736154437065125,0.008923814631998539
223,0.6062690615653992,1.6282999515533447,0.8878728151321411,0.4583037793636322,0.024240810424089432,13.756731986999512,0.03678402677178383,0.00932338833808899
224,0.605096697807312,1.6417241096496582,0.880087673664093,0.4583037793636322,0.024107618257403374,13.799115180969238,0.03203781694173813,0.008124667219817638
225,0.6096627712249756,1.625200867652893,0.8840281963348389,0.4644741415977478,0.0261054877191782,13.756440162658691,0.03241895139217377,0.008657432161271572
226,0.6046956181526184,1.645654559135437,0.8826143741607666,0.4595378339290619,0.023708045482635498,13.640646934509277,0.034316353499889374,0.008524240925908089
227,0.6044488549232483,1.6397404670715332,0.8834435343742371,0.46160492300987244,0.025705913081765175,13.687959671020508,0.03893905133008957,0.009190197102725506
228,0.6077191233634949,1.6293691396713257,0.8823736906051636,0.4633326232433319,0.025705913081765175,13.80977725982666,0.03384615480899811,0.008790623396635056
229,0.6051584482192993,1.6346803903579712,0.8794648051261902,0.4603399932384491,0.02623867802321911,13.73163890838623,0.0378129780292511,0.009856153279542923
230,0.6101255416870117,1.6252788305282593,0.8812164664268494,0.4657699167728424,0.026371870189905167,13.782438278198242,0.03464818745851517,0.008657432161271572
231,0.6114213466644287,1.609555959701538,0.8872128129005432,0.4717860221862793,0.02783697471022606,13.791963577270508,0.03517847880721092,0.009057005867362022
232,0.6101255416870117,1.6258289813995361,0.8833440542221069,0.46583160758018494,0.025705913081765175,13.747377395629883,0.03184386342763901,0.008257858455181122
233,0.6104649305343628,1.6117841005325317,0.887844443321228,0.46916359663009644,0.029035694897174835,13.800143241882324,0.04039900377392769,0.010788491927087307
234,0.6082435846328735,1.622556447982788,0.8849354982376099,0.4657699167728424,0.02703782543540001,13.774396896362305,0.03936170041561127,0.009856153279542923
235,0.6096319556236267,1.6216083765029907,0.8829296827316284,0.4667571783065796,0.0269046351313591,13.730175971984863,0.03198741376399994,0.008124667219817638
236,0.61126708984375,1.6181514263153076,0.8856809139251709,0.46752846240997314,0.027570592239499092,13.78613567352295,0.036093417555093765,0.009057005867362022
237,0.6115447282791138,1.6118813753128052,0.88619065284729,0.47061362862586975,0.02770378254354,13.81995964050293,0.03321224823594093,0.008524240925908089
238,0.6124394536018372,1.6071244478225708,0.8827550411224365,0.4701508581638336,0.02197655849158764,13.784976959228516,0.03125,0.007858284749090672
239,0.6134575605392456,1.605898141860962,0.8830673098564148,0.47110727429389954,0.024240810424089432,13.869211196899414,0.03086419776082039,0.007991475984454155
240,0.6150001287460327,1.5882513523101807,0.8810761570930481,0.47588929533958435,0.025839105248451233,13.816710472106934,0.03548728674650192,0.008923814631998539
241,0.6136118173599243,1.586174488067627,0.8840029835700989,0.4744701087474823,0.025839105248451233,13.756026268005371,0.029347825795412064,0.007192328106611967
242,0.6099095940589905,1.6119498014450073,0.8824546337127686,0.4724956154823303,0.026371870189905167,13.877654075622559,0.032710280269384384,0.008391049690544605
243,0.6151852607727051,1.5994125604629517,0.8845688104629517,0.4730817973613739,0.026371870189905167,13.968853950500488,0.0352514274418354,0.009057005867362022
244,0.616265058517456,1.584330677986145,0.8833104968070984,0.4771233797073364,0.026371870189905167,13.931193351745605,0.035912998020648956,0.009456579573452473
245,0.6171906590461731,1.5851541757583618,0.8801806569099426,0.4750254452228546,0.024640383198857307,13.920685768127441,0.029640426859259605,0.008124667219817638
246,0.6194119453430176,1.5746675729751587,0.8860050439834595,0.4781414866447449,0.026771442964673042,14.035272598266602,0.037155963480472565,0.010788491927087307
247,0.6200289726257324,1.570250153541565,0.8815273642539978,0.47863510251045227,0.025039957836270332,13.961186408996582,0.03329969570040703,0.008790623396635056
248,0.6212013959884644,1.577246904373169,0.8863430023193359,0.48215222358703613,0.02876931242644787,13.975958824157715,0.03647859767079353,0.009989344514906406
249,0.6175916790962219,1.5694818496704102,0.8858352303504944,0.4842810034751892,0.025439530611038208,13.941388130187988,0.03446577861905098,0.00932338833808899
250,0.6176534295082092,1.5740344524383545,0.8805427551269531,0.47848084568977356,0.025039957836270332,13.989738464355469,0.034396808594465256,0.009190197102725506
251,0.6213864684104919,1.5611324310302734,0.8856772780418396,0.48495975136756897,0.02517314814031124,14.022968292236328,0.03140578418970108,0.008391049690544605
252,0.6163884997367859,1.5827925205230713,0.8794318437576294,0.4813500642776489,0.023974427953362465,14.066096305847168,0.0286702923476696,0.007725093048065901
253,0.616141676902771,1.5751615762710571,0.8807152509689331,0.48017770051956177,0.0261054877191782,13.957921028137207,0.03933948650956154,0.010788491927087307
254,0.6174991726875305,1.5778759717941284,0.8850306868553162,0.4804553687572479,0.0285029299557209,13.922806739807129,0.04214179515838623,0.01132125686854124
255,0.6213864684104919,1.5617791414260864,0.881736695766449,0.4855767786502838,0.0245071928948164,13.937539100646973,0.03229011595249176,0.008657432161271572
256,0.6204609274864197,1.5672597885131836,0.8815745115280151,0.48091813921928406,0.025439530611038208,14.016258239746094,0.040156710892915726,0.01092168316245079
257,0.6274951696395874,1.5569720268249512,0.8827832937240601,0.4877055585384369,0.026505060493946075,13.955707550048828,0.036156512796878815,0.00972296204417944
258,0.620646059513092,1.5588209629058838,0.883945643901825,0.48548421263694763,0.028103357180953026,14.055318832397461,0.0450492724776268,0.012786361388862133
259,0.6247801780700684,1.5476467609405518,0.8859063982963562,0.48773640394210815,0.02623867802321911,14.070982933044434,0.03703703731298447,0.010255726985633373
260,0.6225280165672302,1.5604894161224365,0.8835386633872986,0.48684170842170715,0.0245071928948164,14.040456771850586,0.03666996955871582,0.009856153279542923
261,0.6239163279533386,1.5431525707244873,0.8846261501312256,0.4880140721797943,0.024107618257403374,14.10067081451416,0.03153368458151817,0.008790623396635056
262,0.628389835357666,1.5313613414764404,0.8819413781166077,0.4899885952472687,0.023974427953362465,14.033466339111328,0.03333333507180214,0.008923814631998539
263,0.6282972693443298,1.5386121273040771,0.8814409971237183,0.4929195046424866,0.025839105248451233,14.103140830993652,0.0361328125,0.009856153279542923
264,0.625890851020813,1.5434626340866089,0.883354663848877,0.4897109270095825,0.0285029299557209,14.103119850158691,0.03629417344927788,0.01012253575026989
265,0.6262302398681641,1.5338283777236938,0.8830000162124634,0.49035879969596863,0.03036760725080967,14.078276634216309,0.03965599462389946,0.011054874397814274
266,0.6265078783035278,1.5405100584030151,0.8834413886070251,0.4919939637184143,0.027570592239499092,14.050968170166016,0.03588748723268509,0.009856153279542923
267,0.6242557168006897,1.548655390739441,0.8827624320983887,0.4890013337135315,0.025572722777724266,14.185705184936523,0.038825757801532745,0.01092168316245079
268,0.6234844326972961,1.5534675121307373,0.8839614987373352,0.4876747131347656,0.024640383198857307,14.133479118347168,0.03794972971081734,0.010255726985633373
269,0.6285749673843384,1.5368118286132812,0.8842384815216064,0.49276524782180786,0.02357485331594944,14.06421184539795,0.03102625347673893,0.008657432161271572
270,0.6305803060531616,1.5237598419189453,0.883105456829071,0.4962206482887268,0.02517314814031124,14.218509674072266,0.034687358886003494,0.01012253575026989
271,0.626600444316864,1.52965247631073,0.8777894377708435,0.4915003180503845,0.025705913081765175,14.161952018737793,0.03432701155543327,0.01012253575026989
272,0.6263844966888428,1.5341074466705322,0.8814547657966614,0.48977261781692505,0.027970165014266968,14.169476509094238,0.03707012161612511,0.011054874397814274
273,0.6316601634025574,1.5132790803909302,0.8844953179359436,0.4982568621635437,0.025839105248451233,14.193562507629395,0.03602771461009979,0.010388918220996857
274,0.6272483468055725,1.5188333988189697,0.8790401816368103,0.49504828453063965,0.0261054877191782,14.178675651550293,0.03709126263856888,0.01012253575026989
275,0.6285749673843384,1.527091383934021,0.8848408460617065,0.49828773736953735,0.02597229555249214,14.162002563476562,0.03443526104092598,0.009989344514906406
276,0.6323080062866211,1.513793706893921,0.8840039372444153,0.4975164234638214,0.024640383198857307,14.156269073486328,0.03272727131843567,0.009589770808815956
277,0.6304569244384766,1.5197657346725464,0.8829345703125,0.4986579418182373,0.0253063403069973,14.210322380065918,0.031865041702985764,0.009057005867362022
278,0.6287909150123596,1.5286526679992676,0.8772440552711487,0.4929812252521515,0.024640383198857307,14.346946716308594,0.032374098896980286,0.009589770808815956
279,0.634344220161438,1.5172193050384521,0.8823561668395996,0.49958351254463196,0.026638252660632133,14.221109390258789,0.03561387211084366,0.01012253575026989
280,0.6295621991157532,1.5251857042312622,0.8832905888557434,0.4992132782936096,0.025039957836270332,14.302988052368164,0.03615560755133629,0.01052210945636034
281,0.6277419328689575,1.5216424465179443,0.8796839714050293,0.4946780502796173,0.020644646137952805,14.253768920898438,0.034401506185531616,0.00972296204417944
282,0.6313515901565552,1.52085280418396,0.8809484839439392,0.4985962510108948,0.024640383198857307,14.28160572052002,0.03448275849223137,0.009989344514906406
283,0.6351463794708252,1.497799277305603,0.8856738805770874,0.5023910403251648,0.024906765669584274,14.313519477844238,0.033529676496982574,0.009856153279542923
284,0.6395273208618164,1.4833333492279053,0.8866869211196899,0.5038410425186157,0.029701652005314827,14.368795394897461,0.03791685774922371,0.011054874397814274
285,0.6292845606803894,1.5172135829925537,0.8811940550804138,0.5009101033210754,0.026505060493946075,14.317997932434082,0.031123138964176178,0.009190197102725506
286,0.6382007002830505,1.4771932363510132,0.8826492428779602,0.5081911683082581,0.023042088374495506,14.300091743469238,0.03002309426665306,0.008657432161271572
287,0.6347144842147827,1.5073564052581787,0.882861316204071,0.5010952353477478,0.024640383198857307,14.356328964233398,0.03811659291386604,0.01132125686854124
288,0.6293771266937256,1.514565110206604,0.8802843689918518,0.5043038129806519,0.0261054877191782,14.390290260314941,0.037958115339279175,0.011587640270590782
289,0.638139009475708,1.4948053359985352,0.8849700689315796,0.5062783360481262,0.026505060493946075,14.395018577575684,0.0374564453959465,0.011454449035227299
290,0.6364730000495911,1.4881561994552612,0.8815153241157532,0.5061240792274475,0.024240810424089432,14.353377342224121,0.03621548041701317,0.010655300691723824
291,0.6335112452507019,1.4944947957992554,0.8823656439781189,0.5049517154693604,0.023841235786676407,14.31224250793457,0.03233151137828827,0.009456579573452473
292,0.6356091499328613,1.4987884759902954,0.8832187652587891,0.5035325288772583,0.026638252660632133,14.407454490661621,0.035682424902915955,0.010655300691723824
293,0.6358868479728699,1.4983530044555664,0.8812412619590759,0.506401777267456,0.025039957836270332,14.36501693725586,0.03168686106801033,0.009057005867362022
294,0.6317526698112488,1.4994159936904907,0.8807368874549866,0.5044272541999817,0.025572722777724266,14.379636764526367,0.03538663312792778,0.010788491927087307
295,0.638848602771759,1.488682746887207,0.8845553994178772,0.5072964429855347,0.023308470845222473,14.386305809020996,0.031124943867325783,0.00932338833808899
296,0.6398358941078186,1.4831005334854126,0.8830603957176208,0.5074198842048645,0.027304209768772125,14.442680358886719,0.03823395445942879,0.011188065633177757
297,0.6424274444580078,1.4629029035568237,0.8857524991035461,0.5111529231071472,0.028902504593133926,14.328812599182129,0.04387889429926872,0.013319126330316067
298,0.6344059705734253,1.4996496438980103,0.8790931701660156,0.506062388420105,0.024906765669584274,14.341815948486328,0.0333029180765152,0.00972296204417944
299,0.6354857683181763,1.4886447191238403,0.8815507888793945,0.5085922479629517,0.02437400072813034,14.409096717834473,0.032801419496536255,0.009856153279542923
300,0.6404529213905334,1.470583438873291,0.8854459524154663,0.514855146408081,0.025039957836270332,14.442763328552246,0.029087703675031662,0.008790623396635056
301,0.6378304958343506,1.479732871055603,0.88153475522995,0.51035076379776,0.027171017602086067,14.486072540283203,0.03504273667931557,0.01092168316245079
302,0.6343750953674316,1.4864931106567383,0.8748137950897217,0.5072964429855347,0.0261054877191782,14.463709831237793,0.03756708279252052,0.011188065633177757
303,0.6373368501663208,1.4754563570022583,0.880095899105072,0.5095177888870239,0.028236547484993935,14.426311492919922,0.03402562811970711,0.010255726985633373
304,0.640854001045227,1.462296962738037,0.8813397884368896,0.5146700143814087,0.027171017602086067,14.537995338439941,0.041972290724515915,0.013718700036406517
305,0.6365655660629272,1.4738646745681763,0.8839342594146729,0.511276364326477,0.02956845983862877,14.448068618774414,0.04493429511785507,0.014118273742496967
306,0.6391263008117676,1.4768625497817993,0.8797216415405273,0.5108752846717834,0.025439530611038208,14.485050201416016,0.03252032399177551,0.01012253575026989
307,0.6391879916191101,1.4749031066894531,0.8818697333335876,0.5133742690086365,0.0253063403069973,14.498873710632324,0.0357142873108387,0.011854022741317749
308,0.6434763669967651,1.4563976526260376,0.8859658241271973,0.5153487920761108,0.028369739651679993,14.514594078063965,0.0364169105887413,0.011587640270590782
309,0.6436614990234375,1.461942195892334,0.882541835308075,0.5171690583229065,0.02517314814031124,14.574363708496094,0.0325031653046608,0.010255726985633373
310,0.6434763669967651,1.4531960487365723,0.8823714852333069,0.5184031128883362,0.024773575365543365,14.516483306884766,0.03409581258893013,0.01052210945636034
311,0.63992840051651,1.44873046875,0.8786463737487793,0.5166754126548767,0.025439530611038208,14.494032859802246,0.035653650760650635,0.011188065633177757
312,0.63992840051651,1.4641863107681274,0.8788609504699707,0.5170456171035767,0.025839105248451233,14.540253639221191,0.0324370451271534,0.01012253575026989
313,0.6429519057273865,1.4511553049087524,0.8844917416572571,0.5178477764129639,0.027304209768772125,14.598774909973145,0.03390558063983917,0.01052210945636034
314,0.6449264287948608,1.4405410289764404,0.8817837834358215,0.5173233151435852,0.02277570590376854,14.488767623901367,0.031543053686618805,0.009856153279542923
315,0.6454200744628906,1.441739559173584,0.8861754536628723,0.5183414220809937,0.02943526953458786,14.551118850708008,0.031785864382982254,0.01012253575026989
316,0.6442476511001587,1.4451699256896973,0.8813568353652954,0.5218585133552551,0.025572722777724266,14.538165092468262,0.02987697720527649,0.009057005867362022
317,0.6415018439292908,1.4567807912826538,0.8819800019264221,0.5150710940361023,0.024773575365543365,14.660223007202148,0.0292372889816761,0.009190197102725506
318,0.6468392014503479,1.4558327198028564,0.8842840790748596,0.519390344619751,0.023841235786676407,14.610508918762207,0.03798014670610428,0.011720831505954266
319,0.6509425044059753,1.439046859741211,0.8840233087539673,0.5244191884994507,0.02863612212240696,14.492796897888184,0.03528399392962456,0.01092168316245079
320,0.643599808216095,1.4572092294692993,0.8840717077255249,0.519020140171051,0.02277570590376854,14.629023551940918,0.030482642352581024,0.009589770808815956
321,0.6456051468849182,1.4466832876205444,0.8839145302772522,0.520809531211853,0.0261054877191782,14.676101684570312,0.035347308963537216,0.011454449035227299
322,0.6486903429031372,1.4274369478225708,0.8840436339378357,0.5228766202926636,0.027304209768772125,14.683514595031738,0.03227176144719124,0.01012253575026989
323,0.6445253491401672,1.4472135305404663,0.8821569681167603,0.5228766202926636,0.022509323433041573,14.602007865905762,0.027117229998111725,0.008657432161271572
324,0.6439700126647949,1.449001431465149,0.8765380382537842,0.5186807513237,0.025705913081765175,14.544510841369629,0.03062080591917038,0.00972296204417944
325,0.64825838804245,1.4288115501403809,0.8854075074195862,0.5265788435935974,0.024640383198857307,14.58971118927002,0.02802547812461853,0.008790623396635056
326,0.6491531133651733,1.4190945625305176,0.8818370699882507,0.524264931678772,0.024640383198857307,14.567750930786133,0.026143791154026985,0.007991475984454155
327,0.6467158198356628,1.4384820461273193,0.8828266859054565,0.5241724252700806,0.02117741107940674,14.691818237304688,0.024298282340168953,0.007725093048065901
328,0.6506956815719604,1.4291938543319702,0.8834362030029297,0.5254064798355103,0.0269046351313591,14.596036911010742,0.0306593868881464,0.00972296204417944
329,0.6511276364326477,1.4113909006118774,0.8874495029449463,0.5283682346343994,0.02517314814031124,14.70833683013916,0.03249691426753998,0.01052210945636034
330,0.6514978408813477,1.4221333265304565,0.8810529708862305,0.5276586413383484,0.022908898070454597,14.574653625488281,0.031288597732782364,0.01012253575026989
331,0.6481658816337585,1.4303309917449951,0.8796996474266052,0.527689516544342,0.0245071928948164,14.699634552001953,0.028524182736873627,0.009190197102725506
332,0.6513127684593201,1.4189873933792114,0.8825527429580688,0.5290470123291016,0.02517314814031124,14.800475120544434,0.033125486224889755,0.01132125686854124
333,0.654768168926239,1.4099764823913574,0.8834961652755737,0.5301576256752014,0.024906765669584274,14.739778518676758,0.03368939831852913,0.01092168316245079
334,0.6509116888046265,1.425011396408081,0.8799836039543152,0.5297874212265015,0.02703782543540001,14.699724197387695,0.03094855323433876,0.010255726985633373
335,0.6531021595001221,1.40452241897583,0.8816033005714417,0.5292937755584717,0.02091102860867977,14.606975555419922,0.022531749680638313,0.0073255193419754505
336,0.6508808135986328,1.4314002990722656,0.8810529708862305,0.5276586413383484,0.023042088374495506,14.728870391845703,0.02531120367348194,0.008124667219817638
337,0.654768168926239,1.4174295663833618,0.8835886716842651,0.5320396423339844,0.023042088374495506,14.817610740661621,0.02572220005095005,0.008657432161271572
338,0.652392566204071,1.416841745376587,0.8813245296478271,0.5288001894950867,0.026505060493946075,14.709735870361328,0.031676024198532104,0.01052210945636034
339,0.6519914865493774,1.406825065612793,0.8834787011146545,0.5312374830245972,0.023974427953362465,14.698880195617676,0.030179444700479507,0.009856153279542923
340,0.6524542570114136,1.4101308584213257,0.880150556564331,0.5337981581687927,0.02703782543540001,14.705714225769043,0.035772357136011124,0.011720831505954266
341,0.654768168926239,1.4025774002075195,0.8800550699234009,0.5324098467826843,0.022242940962314606,14.768854141235352,0.025921424850821495,0.008524240925908089
342,0.6555394530296326,1.4082401990890503,0.8821756839752197,0.5329034924507141,0.023974427953362465,14.740059852600098,0.027687296271324158,0.009057005867362022
343,0.6527936458587646,1.422406554222107,0.8809913992881775,0.530774712562561,0.024640383198857307,14.881397247314453,0.0345228873193264,0.011854022741317749
344,0.6537808775901794,1.4074299335479736,0.8841761946678162,0.5350939631462097,0.029168887063860893,14.719279289245605,0.034002456814050674,0.011054874397814274
345,0.653348982334137,1.4027087688446045,0.8849584460258484,0.532564103603363,0.0245071928948164,14.797557830810547,0.030072173103690147,0.009989344514906406
346,0.6524851322174072,1.3991235494613647,0.8812372088432312,0.5317928194999695,0.025705913081765175,14.802160263061523,0.026714513078331947,0.008923814631998539
347,0.6535958051681519,1.4075671434402466,0.8819074034690857,0.5352173447608948,0.024640383198857307,14.76509952545166,0.03419860079884529,0.011054874397814274
348,0.6542436480522156,1.407525897026062,0.8819526433944702,0.5317619442939758,0.023974427953362465,14.715545654296875,0.02942361868917942,0.00972296204417944
349,0.6585937738418579,1.390489935874939,0.8861817717552185,0.5397525429725647,0.026771442964673042,14.751008987426758,0.029114436358213425,0.009589770808815956
350,0.6560330986976624,1.3947606086730957,0.8845254778862,0.5371609926223755,0.024107618257403374,14.86739444732666,0.03237267956137657,0.01092168316245079
351,0.6544904708862305,1.3944334983825684,0.8846448659896851,0.5344769358634949,0.024240810424089432,14.830727577209473,0.027608606964349747,0.009057005867362022
352,0.6574831008911133,1.401828408241272,0.8814170956611633,0.5350013971328735,0.024640383198857307,14.813652992248535,0.026370003819465637,0.008524240925908089
353,0.6601672172546387,1.3875644207000732,0.8867685794830322,0.5404930114746094,0.023974427953362465,14.828801155090332,0.03388462960720062,0.011188065633177757
354,0.6564341187477112,1.3908220529556274,0.8811160326004028,0.537808895111084,0.023308470845222473,14.797079086303711,0.031088082119822502,0.010388918220996857
355,0.6564341187477112,1.38923978805542,0.8793842792510986,0.5375929474830627,0.028369739651679993,14.909021377563477,0.03227107599377632,0.010655300691723824
356,0.6567426919937134,1.3954575061798096,0.8822100758552551,0.5379323363304138,0.023308470845222473,14.817913055419922,0.032759346067905426,0.010388918220996857
357,0.6567735075950623,1.3921923637390137,0.8839854598045349,0.5395057797431946,0.025572722777724266,14.83958911895752,0.03256935998797417,0.010788491927087307
358,0.6617097854614258,1.3757439851760864,0.8838050961494446,0.542313277721405,0.023708045482635498,14.876253128051758,0.03437250107526779,0.011454449035227299
359,0.6591182351112366,1.3786664009094238,0.8813952207565308,0.5394749045372009,0.024640383198857307,14.866554260253906,0.024150634184479713,0.007858284749090672
360,0.6579767465591431,1.3923966884613037,0.879271388053894,0.5406163930892944,0.024640383198857307,14.95401668548584,0.026492685079574585,0.008923814631998539
361,0.6607842445373535,1.3776887655258179,0.8832753300666809,0.5404621362686157,0.026638252660632133,14.976823806762695,0.032873377203941345,0.010788491927087307
362,0.6597661375999451,1.3822451829910278,0.8824063539505005,0.5398759841918945,0.02517314814031124,14.974918365478516,0.03238546475768089,0.01092168316245079
363,0.6576990485191345,1.3900835514068604,0.8845840692520142,0.5367599129676819,0.0253063403069973,14.883407592773438,0.029470330104231834,0.009856153279542923
364,0.6572979688644409,1.3874595165252686,0.8840463161468506,0.5419430732727051,0.024773575365543365,14.977874755859375,0.025741029530763626,0.008790623396635056
365,0.6621108651161194,1.3839155435562134,0.8845323324203491,0.5435782074928284,0.023974427953362465,14.882390022277832,0.031274132430553436,0.010788491927087307
366,0.6632832288742065,1.3684295415878296,0.8842673301696777,0.5457069873809814,0.022908898070454597,14.92755126953125,0.02884235419332981,0.00972296204417944
367,0.6574522852897644,1.380285620689392,0.8849004507064819,0.5415111184120178,0.024240810424089432,14.943954467773438,0.029710711911320686,0.01012253575026989
368,0.6626662015914917,1.3652390241622925,0.8828328251838684,0.5441952347755432,0.026638252660632133,14.919005393981934,0.03178387135267258,0.010655300691723824
369,0.6603831648826599,1.3795229196548462,0.8804752826690674,0.5395365953445435,0.025705913081765175,14.967180252075195,0.02789616398513317,0.009589770808815956
370,0.6610619425773621,1.3716018199920654,0.8826152086257935,0.5435165166854858,0.023308470845222473,15.025413513183594,0.023984525352716446,0.008257858455181122
371,0.6564649939537048,1.3774468898773193,0.8783480525016785,0.5433005094528198,0.023841235786676407,15.03564453125,0.025739531964063644,0.008923814631998539
372,0.6616789698600769,1.3617838621139526,0.8872778415679932,0.5437324643135071,0.023974427953362465,15.050533294677734,0.03030303120613098,0.01052210945636034
373,0.6644555926322937,1.360620379447937,0.885930597782135,0.5451207756996155,0.024107618257403374,15.176972389221191,0.030939647927880287,0.010788491927087307
374,0.6598587036132812,1.371932864189148,0.8789872527122498,0.544102668762207,0.022242940962314606,15.046394348144531,0.029914529994130135,0.010255726985633373
375,0.6660599112510681,1.3515503406524658,0.8842535018920898,0.5479900240898132,0.022109748795628548,15.161396980285645,0.028614457696676254,0.01012253575026989
376,0.6624502539634705,1.3706198930740356,0.8858301043510437,0.5460155010223389,0.02104421891272068,15.037418365478516,0.02561117522418499,0.008790623396635056
377,0.6695153117179871,1.3374909162521362,0.8858630657196045,0.550982654094696,0.025039957836270332,15.100091934204102,0.02820609323680401,0.009989344514906406
378,0.6612161993980408,1.363016963005066,0.8816641569137573,0.5459229350090027,0.021576983854174614,15.028032302856445,0.027161438018083572,0.009456579573452473
379,0.6635609269142151,1.3554468154907227,0.884732723236084,0.5458303689956665,0.026371870189905167,14.96876335144043,0.03186941146850586,0.01092168316245079
380,0.6605066061019897,1.36789870262146,0.8826117515563965,0.5446580052375793,0.023841235786676407,15.10732364654541,0.03206562250852585,0.011454449035227299
381,0.6644247770309448,1.3561469316482544,0.8813467025756836,0.5483911037445068,0.02091102860867977,15.029335021972656,0.029718875885009766,0.009856153279542923
382,0.6634992361068726,1.3629820346832275,0.879342794418335,0.5481750965118408,0.02623867802321911,15.137598991394043,0.03250830993056297,0.011720831505954266
383,0.664887547492981,1.354588508605957,0.8800966143608093,0.5507358312606812,0.026505060493946075,15.13244915008545,0.029071934521198273,0.010388918220996857
384,0.663098156452179,1.3527387380599976,0.8829535245895386,0.5522783994674683,0.02770378254354,15.07598876953125,0.03004944883286953,0.01052210945636034
385,0.6616172790527344,1.3673402070999146,0.882904589176178,0.5431771278381348,0.024240810424089432,15.204449653625488,0.029996249824762344,0.010655300691723824
386,0.6606916785240173,1.3589824438095093,0.8819993138313293,0.5476815104484558,0.020378263667225838,15.117408752441406,0.02570093423128128,0.008790623396635056
387,0.6693301796913147,1.349147081375122,0.885773241519928,0.5564742684364319,0.024107618257403374,15.158541679382324,0.03192702308297157,0.011188065633177757
388,0.6719526052474976,1.3232167959213257,0.8840323090553284,0.5540986657142639,0.02437400072813034,15.175251007080078,0.028143275529146194,0.010255726985633373
389,0.6681886911392212,1.3429473638534546,0.8871647119522095,0.5520932674407959,0.024640383198857307,15.14013671875,0.026729559525847435,0.009057005867362022
390,0.6672322750091553,1.3427270650863647,0.8820606470108032,0.5530805587768555,0.02264251373708248,15.173784255981445,0.02987361140549183,0.010388918220996857
391,0.6668003797531128,1.3483669757843018,0.8832740783691406,0.5516613721847534,0.02770378254354,15.073701858520508,0.0320587083697319,0.011054874397814274
392,0.6656588315963745,1.3510165214538574,0.8816626667976379,0.5516613721847534,0.028902504593133926,15.058490753173828,0.035452794283628464,0.0122535964474082
393,0.6647024154663086,1.3485132455825806,0.8816465735435486,0.5504273176193237,0.023841235786676407,15.043341636657715,0.02779952995479107,0.009456579573452473
394,0.6677259206771851,1.3334041833877563,0.8836899995803833,0.5529571175575256,0.026505060493946075,15.032604217529297,0.03200000151991844,0.011188065633177757
395,0.6645481586456299,1.3454192876815796,0.8818504810333252,0.5510443449020386,0.022109748795628548,15.131749153137207,0.03278084844350815,0.011854022741317749
396,0.6679418683052063,1.3340646028518677,0.8836682438850403,0.5535433292388916,0.0269046351313591,15.21681022644043,0.03572757542133331,0.012786361388862133
397,0.6652577519416809,1.355985403060913,0.8813912272453308,0.548853874206543,0.023974427953362465,15.111682891845703,0.027293404564261436,0.009589770808815956
398,0.6664301156997681,1.3443900346755981,0.883171796798706,0.5539135336875916,0.026505060493946075,15.129378318786621,0.028914757072925568,0.010255726985633373
399,0.6718292236328125,1.3300294876098633,0.880777895450592,0.5561348795890808,0.024773575365543365,15.142078399658203,0.03658996522426605,0.012919552624225616
400,0.6688365936279297,1.3345757722854614,0.8814259767532349,0.5591275095939636,0.025839105248451233,15.061202049255371,0.030220843851566315,0.010388918220996857
401,0.6680035591125488,1.3443490266799927,0.8824078440666199,0.5544688701629639,0.027970165014266968,15.158656120300293,0.03127354755997658,0.011054874397814274
402,0.669885516166687,1.3225524425506592,0.8874465227127075,0.5568135976791382,0.030500799417495728,15.19572639465332,0.028193525969982147,0.010788491927087307
403,0.6736494898796082,1.3183526992797852,0.8829625844955444,0.5572146773338318,0.024773575365543365,15.23160457611084,0.027316352352499962,0.009856153279542923
404,0.6711196303367615,1.3234702348709106,0.8821116089820862,0.5572764277458191,0.02623867802321911,15.263787269592285,0.026394052430987358,0.009456579573452473
405,0.6665843725204468,1.3373602628707886,0.8803410530090332,0.5574615001678467,0.026638252660632133,15.251965522766113,0.033515483140945435,0.0122535964474082
406,0.6689599752426147,1.3324828147888184,0.8817598819732666,0.555857241153717,0.025839105248451233,15.254908561706543,0.029086891561746597,0.01052210945636034
407,0.6708419322967529,1.331113576889038,0.8804464936256409,0.5548391342163086,0.02437400072813034,15.218559265136719,0.02890792302787304,0.010788491927087307
408,0.667016327381134,1.3329501152038574,0.8825289607048035,0.5551167726516724,0.02277570590376854,15.30823040008545,0.024105185642838478,0.008790623396635056
409,0.6667386293411255,1.3428945541381836,0.8820964694023132,0.5555795431137085,0.026771442964673042,15.310749053955078,0.027007298544049263,0.009856153279542923
410,0.6708419322967529,1.3284109830856323,0.884909987449646,0.5595902800559998,0.025705913081765175,15.271698951721191,0.030585601925849915,0.01092168316245079
411,0.6706568598747253,1.3258869647979736,0.8830150365829468,0.5591275095939636,0.022509323433041573,15.329648971557617,0.024074073880910873,0.008657432161271572
412,0.6728164553642273,1.3220443725585938,0.8853025436401367,0.5610403418540955,0.025839105248451233,15.306375503540039,0.028860028833150864,0.010655300691723824
413,0.6668928861618042,1.3291908502578735,0.8811192512512207,0.5547465682029724,0.022509323433041573,15.388779640197754,0.024205202236771584,0.008923814631998539
414,0.6718292236328125,1.318732500076294,0.8841966390609741,0.5587573051452637,0.02117741107940674,15.225462913513184,0.024463681504130363,0.008657432161271572
415,0.672600507736206,1.3107600212097168,0.884510338306427,0.5595285892486572,0.025439530611038208,15.230507850646973,0.025354214012622833,0.009057005867362022
416,0.6678184866905212,1.3346354961395264,0.8798011541366577,0.5568753480911255,0.023175280541181564,15.384774208068848,0.024677716195583344,0.008923814631998539
417,0.6711504459381104,1.3289040327072144,0.879194974899292,0.559312641620636,0.024107618257403374,15.296202659606934,0.025757575407624245,0.009057005867362022
418,0.6723228096961975,1.3197834491729736,0.8793028593063354,0.5603307485580444,0.022109748795628548,15.384011268615723,0.022058824077248573,0.007991475984454155
419,0.6752229332923889,1.3065757751464844,0.8844304084777832,0.5616881847381592,0.0245071928948164,15.334729194641113,0.026428570970892906,0.009856153279542923
420,0.673556923866272,1.3200078010559082,0.8848767280578613,0.5624903440475464,0.022908898070454597,15.302691459655762,0.02778806909918785,0.009989344514906406
421,0.6741430759429932,1.3237558603286743,0.8849021792411804,0.5638169646263123,0.019579116255044937,15.320037841796875,0.02165137603878975,0.007858284749090672
422,0.6763644218444824,1.3052361011505127,0.8870647549629211,0.5651127696037292,0.02703782543540001,15.34117603302002,0.02997075952589512,0.01092168316245079
423,0.6776602268218994,1.3001573085784912,0.8854216933250427,0.5655138492584229,0.02517314814031124,15.429993629455566,0.031049249693751335,0.011587640270590782
424,0.6735877394676208,1.3089853525161743,0.8848690390586853,0.5629222989082336,0.02197655849158764,15.403242111206055,0.025339042767882347,0.009456579573452473
425,0.6744207739830017,1.303492546081543,0.8822564482688904,0.5640637874603271,0.027570592239499092,15.38291072845459,0.029273580759763718,0.010788491927087307
426,0.6721377372741699,1.3211054801940918,0.880723774433136,0.5631382465362549,0.024773575365543365,15.439311981201172,0.03128332644701004,0.011720831505954266
427,0.6790176630020142,1.293905258178711,0.8825172185897827,0.5654829740524292,0.02011188119649887,15.407571792602539,0.02056555263698101,0.007458710577338934
428,0.6748526692390442,1.295568585395813,0.8819300532341003,0.5639095306396484,0.01931273378431797,15.317055702209473,0.02155332639813423,0.007725093048065901
429,0.6756548285484314,1.3084707260131836,0.8819872736930847,0.564680814743042,0.021710176020860672,15.392277717590332,0.024875622242689133,0.00932338833808899
430,0.6715207099914551,1.3145455121994019,0.8834236860275269,0.5629839897155762,0.024240810424089432,15.324234008789062,0.026526162400841713,0.00972296204417944
431,0.6738037467002869,1.3097641468048096,0.881783127784729,0.5644957423210144,0.024773575365543365,15.394522666931152,0.027170076966285706,0.010255726985633373
432,0.6768580675125122,1.2988286018371582,0.8841656446456909,0.569185197353363,0.02184336632490158,15.384305000305176,0.022892819717526436,0.008790623396635056
433,0.68034428358078,1.2796796560287476,0.8881680369377136,0.5701724886894226,0.02703782543540001,15.456602096557617,0.03315696492791176,0.012519978918135166
434,0.6713664531707764,1.318310022354126,0.883273720741272,0.5640329718589783,0.023042088374495506,15.318225860595703,0.02608376182615757,0.009456579573452473
435,0.6769814491271973,1.3000831604003906,0.8819786906242371,0.5687841176986694,0.024107618257403374,15.36328125,0.029637761414051056,0.010788491927087307
436,0.6781229972839355,1.295853614807129,0.8841683864593506,0.5656681060791016,0.022908898070454597,15.39720630645752,0.027162259444594383,0.01012253575026989
437,0.6791719198226929,1.2803832292556763,0.8835996389389038,0.5698022246360779,0.026505060493946075,15.408196449279785,0.029263006523251534,0.010788491927087307
438,0.6767038106918335,1.3026790618896484,0.8831337094306946,0.5686298608779907,0.022376131266355515,15.356972694396973,0.02379182167351246,0.008524240925908089
439,0.6800357699394226,1.2822908163070679,0.8840919137001038,0.5711288452148438,0.024107618257403374,15.34129810333252,0.02654867246747017,0.009589770808815956
440,0.6764878034591675,1.3075710535049438,0.8808825612068176,0.5653595924377441,0.02277570590376854,15.432689666748047,0.03374908119440079,0.0122535964474082
441,0.6780304312705994,1.2965459823608398,0.8848252892494202,0.570264995098114,0.02357485331594944,15.435650825500488,0.024596182629466057,0.008923814631998539
442,0.6836146116256714,1.2699233293533325,0.8885815143585205,0.5747693777084351,0.027570592239499092,15.48069953918457,0.03558844327926636,0.01345231756567955
443,0.6789868474006653,1.2881088256835938,0.883030354976654,0.5724863409996033,0.02344166301190853,15.395249366760254,0.02698706090450287,0.00972296204417944
444,0.6800357699394226,1.2887217998504639,0.8834303021430969,0.5714373588562012,0.026505060493946075,15.56297492980957,0.030034130439162254,0.011720831505954266
445,0.6804985404014587,1.2849736213684082,0.8828154802322388,0.5715299248695374,0.0261054877191782,15.475839614868164,0.03288334980607033,0.01265317015349865
446,0.6779995560646057,1.2900556325912476,0.8807769417762756,0.5679819583892822,0.022509323433041573,15.524502754211426,0.029147176072001457,0.010788491927087307
447,0.680560290813446,1.2741906642913818,0.8828533291816711,0.5731342434883118,0.022376131266355515,15.586129188537598,0.03295932710170746,0.012519978918135166
448,0.6751611828804016,1.3016000986099243,0.8830138444900513,0.5698330998420715,0.023042088374495506,15.458155632019043,0.025877349078655243,0.00972296204417944
449,0.6800975203514099,1.278232216835022,0.8888995051383972,0.5731650590896606,0.023042088374495506,15.417872428894043,0.030271030962467194,0.011454449035227299
450,0.6784623265266418,1.2950562238693237,0.8827908635139465,0.5706969499588013,0.02104421891272068,15.665538787841797,0.023943662643432617,0.009057005867362022
451,0.6829667091369629,1.2810605764389038,0.8823249936103821,0.5727640390396118,0.023974427953362465,15.526734352111816,0.026879766955971718,0.009856153279542923
452,0.6804677248001099,1.2831255197525024,0.8845148086547852,0.5739672183990479,0.02024507150053978,15.557622909545898,0.027718549594283104,0.010388918220996857
453,0.6853423118591309,1.2641315460205078,0.8876217603683472,0.5763119459152222,0.02344166301190853,15.507885932922363,0.029442327097058296,0.01132125686854124
454,0.6821954250335693,1.2764559984207153,0.8838685154914856,0.5757566690444946,0.021710176020860672,15.532593727111816,0.029287226498126984,0.011054874397814274
455,0.6842625141143799,1.2756507396697998,0.8842873573303223,0.5757566690444946,0.027304209768772125,15.546850204467773,0.03378613665699959,0.012919552624225616
456,0.6765803694725037,1.2999184131622314,0.8818047046661377,0.5692160725593567,0.025439530611038208,15.613167762756348,0.02839900553226471,0.010655300691723824
457,0.6792336702346802,1.27949857711792,0.8840559124946594,0.5718693137168884,0.03023441694676876,15.587337493896484,0.03599153086543083,0.013585508801043034
458,0.6756239533424377,1.29777991771698,0.8793943524360657,0.5680128335952759,0.02197655849158764,15.51997184753418,0.027249909937381744,0.01012253575026989
459,0.6826581954956055,1.2777398824691772,0.8811712265014648,0.5737821459770203,0.027304209768772125,15.51381778717041,0.03238161653280258,0.012386787682771683
460,0.6815475225448608,1.278915524482727,0.8839501738548279,0.5755098462104797,0.02517314814031124,15.576892852783203,0.026306558400392532,0.009989344514906406
461,0.6829975843429565,1.263382077217102,0.8850753307342529,0.5799833536148071,0.024240810424089432,15.552083015441895,0.030024725943803787,0.01132125686854124
462,0.6797581315040588,1.2840021848678589,0.8833214640617371,0.5727022886276245,0.0245071928948164,15.596945762634277,0.028866713866591454,0.010788491927087307
463,0.6792027950286865,1.2845584154129028,0.8823557496070862,0.5722395181655884,0.027437400072813034,15.609827041625977,0.031111111864447594,0.012120405212044716
464,0.6823804974555969,1.2659330368041992,0.8846390247344971,0.5779779553413391,0.023042088374495506,15.628459930419922,0.02975778467953205,0.011454449035227299
465,0.682349681854248,1.2660725116729736,0.881977379322052,0.5796130895614624,0.02357485331594944,15.613870620727539,0.02938053011894226,0.011054874397814274
466,0.6863295435905457,1.257373332977295,0.8853891491889954,0.5784407258033752,0.0269046351313591,15.603287696838379,0.032809771597385406,0.012519978918135166
467,0.6828433275222778,1.2705256938934326,0.8826392889022827,0.5761268734931946,0.024640383198857307,15.652741432189941,0.032718412578105927,0.012519978918135166
468,0.6806527972221375,1.2820827960968018,0.8829236030578613,0.5784099102020264,0.026371870189905167,15.670934677124023,0.029015544801950455,0.011188065633177757
469,0.6846635341644287,1.2682994604110718,0.8850221633911133,0.5782556533813477,0.0253063403069973,15.638886451721191,0.029463347047567368,0.011188065633177757
470,0.685218870639801,1.266710638999939,0.8832165002822876,0.5791195034980774,0.02956845983862877,15.626413345336914,0.03188908100128174,0.0122535964474082
471,0.6789559721946716,1.2770353555679321,0.8827762603759766,0.5752630233764648,0.024640383198857307,15.641463279724121,0.02450486831367016,0.00972296204417944
472,0.680560290813446,1.2725456953048706,0.8805040121078491,0.5756023526191711,0.023974427953362465,15.54421615600586,0.030422333627939224,0.01132125686854124
473,0.6904019713401794,1.248769760131836,0.8834103941917419,0.5837163925170898,0.024906765669584274,15.665316581726074,0.031651828438043594,0.012786361388862133
474,0.6857742071151733,1.2504584789276123,0.8846297860145569,0.5831302404403687,0.026638252660632133,15.61228084564209,0.029311520978808403,0.011454449035227299
475,0.6858359575271606,1.2545549869537354,0.8806201815605164,0.5782864689826965,0.027437400072813034,15.596033096313477,0.03480444848537445,0.012919552624225616
476,0.6866689324378967,1.2515605688095093,0.8878271579742432,0.5818961262702942,0.022109748795628548,15.68541145324707,0.02385128103196621,0.009057005867362022
477,0.6829975843429565,1.2713279724121094,0.8820290565490723,0.5782864689826965,0.0245071928948164,15.596580505371094,0.030077729374170303,0.011854022741317749
478,0.6875019073486328,1.2445377111434937,0.8843173384666443,0.5808780193328857,0.02197655849158764,15.608220100402832,0.03026038035750389,0.011454449035227299
479,0.6863604187965393,1.2577707767486572,0.8845593333244324,0.580600380897522,0.024640383198857307,15.67897891998291,0.02923773042857647,0.011188065633177757
480,0.6871317028999329,1.2502896785736084,0.8846459984779358,0.5832228064537048,0.02104421891272068,15.637908935546875,0.02727900631725788,0.01052210945636034
481,0.6871317028999329,1.2557921409606934,0.8847221732139587,0.5801067352294922,0.022908898070454597,15.653802871704102,0.02449520118534565,0.009856153279542923
482,0.6861135959625244,1.2525684833526611,0.885220468044281,0.5815259218215942,0.021443793550133705,15.511479377746582,0.025195173919200897,0.009456579573452473
483,0.685928463935852,1.2476720809936523,0.8867862224578857,0.5797365307807922,0.023841235786676407,15.60422134399414,0.025641025975346565,0.00972296204417944
484,0.6912041306495667,1.2444134950637817,0.884115993976593,0.5860919952392578,0.020644646137952805,15.647104263305664,0.022791024297475815,0.008657432161271572
485,0.6871933937072754,1.2472432851791382,0.8845306634902954,0.5823280811309814,0.023308470845222473,15.679403305053711,0.027988942340016365,0.010788491927087307
486,0.6868231892585754,1.2486929893493652,0.8801140785217285,0.580723762512207,0.024773575365543365,15.690462112426758,0.029907183721661568,0.011587640270590782
487,0.6867614984512329,1.24271821975708,0.8813993334770203,0.5837472677230835,0.023308470845222473,15.701974868774414,0.028670120984315872,0.011054874397814274
488,0.6853731274604797,1.2553348541259766,0.8803150057792664,0.5793354511260986,0.022908898070454597,15.78759765625,0.028401585295796394,0.011454449035227299
489,0.6885817646980286,1.2426351308822632,0.8853147029876709,0.5858760476112366,0.023841235786676407,15.694445610046387,0.03143812716007233,0.012519978918135166
490,0.6866380572319031,1.2594478130340576,0.8839532732963562,0.5814025402069092,0.025039957836270332,15.690524101257324,0.028629856184124947,0.011188065633177757
491,0.6887051463127136,1.250142216682434,0.8840315937995911,0.5839632153511047,0.02277570590376854,15.764365196228027,0.027217742055654526,0.010788491927087307
492,0.6900317668914795,1.2379319667816162,0.8842149376869202,0.586894154548645,0.02277570590376854,15.769707679748535,0.02131202071905136,0.008524240925908089
493,0.6919445991516113,1.23922598361969,0.8878971934318542,0.5862154364585876,0.02597229555249214,15.70924186706543,0.03021148033440113,0.011987213976681232
494,0.6882423758506775,1.2532153129577637,0.8841437697410583,0.580600380897522,0.02357485331594944,15.702035903930664,0.028542304411530495,0.011188065633177757
495,0.6893530488014221,1.2369344234466553,0.8848087191581726,0.5865239500999451,0.024107618257403374,15.827147483825684,0.026838965713977814,0.010788491927087307
496,0.688180685043335,1.2399886846542358,0.8844113349914551,0.5863696932792664,0.023708045482635498,15.680917739868164,0.028882093727588654,0.01132125686854124
497,0.6899392008781433,1.240660548210144,0.8811273574829102,0.584518551826477,0.026371870189905167,15.827164649963379,0.02998696267604828,0.0122535964474082
498,0.6896923780441284,1.2430635690689087,0.8848340511322021,0.5857217907905579,0.021310601383447647,15.643759727478027,0.02571134641766548,0.009989344514906406
499,0.6924999356269836,1.227786898612976,0.8868100047111511,0.5878505706787109,0.0245071928948164,15.766032218933105,0.025303643196821213,0.009989344514906406
500,0.689599871635437,1.254508376121521,0.8851861953735352,0.5851355791091919,0.02024507150053978,15.780624389648438,0.02225913666188717,0.008923814631998539
501,0.6882732510566711,1.2436668872833252,0.8817734122276306,0.5853824019432068,0.022109748795628548,15.643333435058594,0.02482621558010578,0.009989344514906406
502,0.6912041306495667,1.2225037813186646,0.8826060891151428,0.5884675979614258,0.02197655849158764,15.728686332702637,0.023217247799038887,0.00932338833808899
503,0.6895381212234497,1.2369574308395386,0.8846009969711304,0.5848579406738281,0.02184336632490158,15.78727912902832,0.02242744155228138,0.009057005867362022
504,0.6896923780441284,1.236598014831543,0.8838709592819214,0.5875111818313599,0.02197655849158764,15.721540451049805,0.02557980827987194,0.009989344514906406
505,0.6949372291564941,1.2077374458312988,0.8857077360153198,0.5946071147918701,0.02437400072813034,15.750764846801758,0.03257549926638603,0.012786361388862133
506,0.6908956170082092,1.2320822477340698,0.8841482996940613,0.5862771272659302,0.0253063403069973,15.87469482421875,0.02779616229236126,0.011188065633177757
507,0.6930860877037048,1.2261123657226562,0.8851701021194458,0.5907506346702576,0.024906765669584274,15.72480583190918,0.02967257797718048,0.011587640270590782
508,0.6932095289230347,1.2226026058197021,0.8861822485923767,0.5892388820648193,0.025705913081765175,15.760244369506836,0.030981067568063736,0.011987213976681232
509,0.6949372291564941,1.2181510925292969,0.8859137892723083,0.5910282731056213,0.025039957836270332,15.747661590576172,0.02960745245218277,0.011854022741317749
510,0.6944435834884644,1.2189587354660034,0.8842795491218567,0.5905655026435852,0.0245071928948164,15.886993408203125,0.02287798374891281,0.009190197102725506
511,0.6909881830215454,1.2265442609786987,0.8860976099967957,0.5909048914909363,0.023708045482635498,15.838539123535156,0.025623735040426254,0.01012253575026989

Binary file not shown.

View File

@ -0,0 +1,423 @@
epoch,accuracy,loss,precision,recall,val_accuracy,val_loss,val_precision,val_recall
0,0.044179804623126984,6.215623378753662,0.0,0.0,0.04128929227590561,6.525483131408691,0.0,0.0
1,0.049918241798877716,5.920177459716797,0.0,0.0,0.04728289693593979,6.602599620819092,0.0,0.0
2,0.05858760327100754,5.741495132446289,0.7368420958518982,0.00043192546581849456,0.04475226253271103,6.6925506591796875,0.0,0.0
3,0.07123684883117676,5.538107872009277,0.97826087474823,0.00138833187520504,0.046616941690444946,6.796008110046387,0.0,0.0
4,0.0901181623339653,5.326170921325684,0.8947368264198303,0.004720328375697136,0.04568460211157799,6.864126682281494,0.0,0.0
5,0.1119612529873848,5.1200079917907715,0.9161290526390076,0.008761916309595108,0.040756527334451675,6.992399215698242,0.0,0.0
6,0.1278807818889618,4.92478609085083,0.9153713583946228,0.01635146327316761,0.04049014300107956,7.130080223083496,0.0,0.0
7,0.14685465395450592,4.732901096343994,0.894911527633667,0.024959120899438858,0.04195524752140045,7.23391580581665,0.014285714365541935,0.00013319126446731389
8,0.1641625314950943,4.558708667755127,0.8944765329360962,0.03347422182559967,0.038225892931222916,7.348636627197266,0.016129031777381897,0.00013319126446731389
9,0.17946502566337585,4.3979315757751465,0.8881028890609741,0.04260636121034622,0.033963773399591446,7.45266056060791,0.0,0.0
10,0.1956622302532196,4.223810195922852,0.8829953074455261,0.052386388182640076,0.034096963703632355,7.640355110168457,0.03773584961891174,0.0005327650578692555
11,0.21250732243061066,4.071560859680176,0.8820124864578247,0.06111745163798332,0.03729355335235596,7.722485065460205,0.09615384787321091,0.001331912586465478
12,0.23052479326725006,3.9347004890441895,0.8885003924369812,0.0705581083893776,0.035961639136075974,7.909381866455078,0.03030303120613098,0.0005327650578692555
13,0.2474624365568161,3.788947820663452,0.8762160539627075,0.08058495074510574,0.03303143382072449,8.03416633605957,0.08965517580509186,0.00173148640897125
14,0.2598957121372223,3.685380458831787,0.8806374073028564,0.0903649777173996,0.03223228454589844,8.166817665100098,0.07065217196941376,0.00173148640897125
15,0.28176966309547424,3.556426525115967,0.8897936940193176,0.10113225877285004,0.035961639136075974,8.2846097946167,0.03703703731298447,0.0007991475868038833
16,0.29565298557281494,3.4513485431671143,0.8825381398200989,0.11242403090000153,0.03116675466299057,8.439950942993164,0.0625,0.001331912586465478
17,0.3128065764904022,3.3439784049987793,0.89199298620224,0.1251041293144226,0.029968034476041794,8.554068565368652,0.056872036308050156,0.0015982951736077666
18,0.324129194021225,3.250164747238159,0.8870079517364502,0.13417455554008484,0.033297814428806305,8.699393272399902,0.06614785641431808,0.0022642514668405056
19,0.3396785259246826,3.163926839828491,0.8892918229103088,0.14373862743377686,0.02876931242644787,8.747879981994629,0.06844106316566467,0.002397442702203989
20,0.34819361567497253,3.093963384628296,0.8880199193954468,0.15413568913936615,0.029968034476041794,8.892354011535645,0.0625,0.0029302078764885664
21,0.36118224263191223,3.0195746421813965,0.8958263993263245,0.1655508577823639,0.0285029299557209,9.000614166259766,0.05624999850988388,0.002397442702203989
22,0.3742017149925232,2.935436725616455,0.8926143646240234,0.17823095619678497,0.03223228454589844,9.13429069519043,0.06575342267751694,0.0031965903472155333
23,0.3839200437068939,2.8791615962982178,0.8897695541381836,0.18702372908592224,0.030767181888222694,9.235234260559082,0.07238605618476868,0.0035961640533059835
24,0.3966309726238251,2.8087072372436523,0.8930029273033142,0.19569309055805206,0.029168887063860893,9.330933570861816,0.0416666679084301,0.0022642514668405056
25,0.4057631194591522,2.741058349609375,0.896346390247345,0.20436245203018188,0.028236547484993935,9.388174057006836,0.04415584355592728,0.0022642514668405056
26,0.4139080047607422,2.684173583984375,0.896016538143158,0.21374140679836273,0.028369739651679993,9.490544319152832,0.07088607549667358,0.003729355288669467
27,0.42214542627334595,2.6382946968078613,0.8947760462760925,0.22247245907783508,0.02703782543540001,9.563433647155762,0.06997742503881454,0.004128929227590561
28,0.4328818619251251,2.579094648361206,0.8960577845573425,0.23351742327213287,0.031433138996362686,9.628026962280273,0.07079645991325378,0.004262120462954044
29,0.4407799243927002,2.5282981395721436,0.8990995287895203,0.24027396738529205,0.03303143382072449,9.722415924072266,0.09210526198148727,0.00652637192979455
30,0.4508376121520996,2.4787583351135254,0.8953956365585327,0.24718476831912994,0.032365478575229645,9.825923919677734,0.07933579385280609,0.005727224517613649
31,0.4624378979206085,2.423647880554199,0.8986515402793884,0.2590627074241638,0.0269046351313591,9.947509765625,0.0664505660533905,0.005460841581225395
32,0.4662635326385498,2.403594493865967,0.8967328667640686,0.26335111260414124,0.031566329300403595,9.99622631072998,0.05347593501210213,0.0039957379922270775
33,0.47530311346054077,2.34285831451416,0.8935049176216125,0.2720513343811035,0.030633989721536636,10.071548461914062,0.050215207040309906,0.004661694169044495
34,0.48449695110321045,2.302877902984619,0.8968417048454285,0.28297287225723267,0.02770378254354,10.141798973083496,0.06896551698446274,0.0061267982237041
35,0.48986518383026123,2.2606725692749023,0.9018037915229797,0.28843364119529724,0.030767181888222694,10.193535804748535,0.06314244121313095,0.005727224517613649
36,0.4948631823062897,2.2281806468963623,0.894219160079956,0.2973189651966095,0.028369739651679993,10.256683349609375,0.07057057321071625,0.006259989459067583
37,0.5059389472007751,2.186138153076172,0.9010799527168274,0.3063277006149292,0.03103356435894966,10.322997093200684,0.04940119758248329,0.004395311698317528
38,0.5125104188919067,2.1492385864257812,0.8943003416061401,0.3127140402793884,0.02783697471022606,10.534867286682129,0.05025125667452812,0.005327650345861912
39,0.5206552743911743,2.1025490760803223,0.9020215272903442,0.32351216673851013,0.03196590393781662,10.432486534118652,0.06367041170597076,0.006792754400521517
40,0.524480938911438,2.072115898132324,0.896875262260437,0.33029958605766296,0.030633989721536636,10.539868354797363,0.06699752062559128,0.007192328106611967
41,0.5312374830245972,2.0392653942108154,0.9004128575325012,0.33640822768211365,0.03303143382072449,10.627106666564941,0.06589595228433609,0.007591901812702417
42,0.5341683626174927,2.01973295211792,0.8989775776863098,0.3418073058128357,0.027304209768772125,10.717484474182129,0.05569007247686386,0.0061267982237041
43,0.5399993658065796,1.9795559644699097,0.9002400040626526,0.3471755087375641,0.030500799417495728,10.767905235290527,0.06907545030117035,0.008657432161271572
44,0.5447196960449219,1.9645510911941528,0.8995612859725952,0.3542405962944031,0.026771442964673042,10.793705940246582,0.054143644869327545,0.00652637192979455
45,0.5545614361763,1.927313208580017,0.9014158844947815,0.3692654073238373,0.02876931242644787,10.866731643676758,0.06256306916475296,0.008257858455181122
46,0.556227445602417,1.9039641618728638,0.8971729874610901,0.36716750264167786,0.02876931242644787,10.925694465637207,0.07202505320310593,0.009190197102725506
47,0.5616573691368103,1.8822921514511108,0.8998004794120789,0.3756825923919678,0.02876931242644787,11.013936042785645,0.052527256309986115,0.007059136871248484
48,0.5692777633666992,1.8465776443481445,0.9002607464790344,0.3834572434425354,0.02876931242644787,10.918274879455566,0.04959513992071152,0.00652637192979455
49,0.5725480318069458,1.8282252550125122,0.9022663831710815,0.38934993743896484,0.02783697471022606,11.038796424865723,0.07169117778539658,0.010388918220996857
50,0.5785332918167114,1.7933269739151,0.9021662473678589,0.3957362771034241,0.029035694897174835,11.16333293914795,0.050513699650764465,0.007858284749090672
51,0.5812174081802368,1.7816730737686157,0.8998066782951355,0.4020300507545471,0.02703782543540001,11.185982704162598,0.04987102374434471,0.007725093048065901
52,0.5866164565086365,1.754209041595459,0.8975144624710083,0.40662696957588196,0.03103356435894966,11.252925872802734,0.05906148999929428,0.00972296204417944
53,0.5947613716125488,1.715588092803955,0.906348466873169,0.41711658239364624,0.03036760725080967,11.338024139404297,0.055601660162210464,0.008923814631998539
54,0.5988337993621826,1.7050288915634155,0.9004661440849304,0.42313268780708313,0.02783697471022606,11.286218643188477,0.04987531155347824,0.007991475984454155
55,0.5972912311553955,1.6938203573226929,0.8981159329414368,0.4220837354660034,0.027437400072813034,11.391554832458496,0.04240554943680763,0.0073255193419754505
56,0.6028445363044739,1.6784948110580444,0.9032028913497925,0.431524395942688,0.024773575365543365,11.482613563537598,0.04264706000685692,0.007725093048065901
57,0.6089223623275757,1.654241681098938,0.8997778296470642,0.4373553693294525,0.02783697471022606,11.496676445007324,0.045689020305871964,0.008257858455181122
58,0.6135809421539307,1.624862790107727,0.903956949710846,0.44543856382369995,0.027171017602086067,11.601546287536621,0.04411764815449715,0.007991475984454155
59,0.6167895793914795,1.6088517904281616,0.9016879796981812,0.44991207122802734,0.0245071928948164,11.678019523620605,0.04947735369205475,0.009456579573452473
60,0.6159257292747498,1.6109992265701294,0.8985444903373718,0.4513929486274719,0.029168887063860893,11.647027969360352,0.05463347211480141,0.01052210945636034
61,0.6266621351242065,1.5700098276138306,0.9039565324783325,0.46169745922088623,0.03183271363377571,11.69890022277832,0.05969148129224777,0.011854022741317749
62,0.6244407892227173,1.5671354532241821,0.8968473076820374,0.4616357684135437,0.028369739651679993,11.749613761901855,0.047034766525030136,0.009190197102725506
63,0.6304569244384766,1.5585644245147705,0.899210512638092,0.46737420558929443,0.027304209768772125,11.756026268005371,0.04110559821128845,0.007725093048065901
64,0.6284824013710022,1.5472118854522705,0.8953959941864014,0.46981149911880493,0.02943526953458786,11.75964641571045,0.04683377221226692,0.009456579573452473
65,0.6365655660629272,1.5119622945785522,0.897989809513092,0.47962236404418945,0.024773575365543365,11.82634162902832,0.0383344367146492,0.007725093048065901
66,0.6391263008117676,1.4995626211166382,0.8992661237716675,0.48391076922416687,0.026638252660632133,11.954062461853027,0.04473850131034851,0.009456579573452473
67,0.640514612197876,1.4822547435760498,0.8995066285133362,0.4893406927585602,0.025439530611038208,11.959016799926758,0.04433497413992882,0.009589770808815956
68,0.6398358941078186,1.4976807832717896,0.8977820873260498,0.48829174041748047,0.0261054877191782,11.988466262817383,0.03894472494721413,0.008257858455181122
69,0.6485669612884521,1.4658501148223877,0.8987519145011902,0.495418518781662,0.027304209768772125,12.031739234924316,0.04575163498520851,0.010255726985633373
70,0.64751797914505,1.4530917406082153,0.9016968011856079,0.5000462532043457,0.027970165014266968,12.045476913452148,0.04742145910859108,0.010655300691723824
71,0.6474871039390564,1.465880274772644,0.8985273838043213,0.4988430440425873,0.027570592239499092,12.119156837463379,0.051575932651758194,0.011987213976681232
72,0.6549841165542603,1.4360384941101074,0.9032731652259827,0.5125412940979004,0.02876931242644787,12.105241775512695,0.04242081567645073,0.009989344514906406
73,0.6571128964424133,1.431671380996704,0.9022825956344604,0.5122019052505493,0.03223228454589844,12.175362586975098,0.04893138259649277,0.011587640270590782
74,0.6557554006576538,1.4056193828582764,0.897890567779541,0.5108444094657898,0.02597229555249214,12.256708145141602,0.044652700424194336,0.010788491927087307
75,0.6647332906723022,1.3846241235733032,0.8997974395751953,0.5208404064178467,0.025705913081765175,12.176902770996094,0.0416666679084301,0.010255726985633373
76,0.665597140789032,1.3850922584533691,0.8987014293670654,0.5252522230148315,0.02863612212240696,12.272430419921875,0.05129561200737953,0.012919552624225616
77,0.668466329574585,1.361992359161377,0.9009765982627869,0.5294172167778015,0.029302077367901802,12.294734954833984,0.04779411852359772,0.012120405212044716
78,0.6713047027587891,1.3612571954727173,0.9023825526237488,0.5293246507644653,0.03036760725080967,12.39674186706543,0.04338734969496727,0.011054874397814274
79,0.6699472665786743,1.3503015041351318,0.8997811079025269,0.5326566696166992,0.027304209768772125,12.422386169433594,0.04946131259202957,0.01345231756567955
80,0.6692993640899658,1.355190396308899,0.8998185992240906,0.535649299621582,0.030900372192263603,12.433395385742188,0.046883050352334976,0.012120405212044716
81,0.6774134039878845,1.3286875486373901,0.8993333578109741,0.5410483479499817,0.027570592239499092,12.427712440490723,0.048161573708057404,0.012386787682771683
82,0.6784932017326355,1.3255695104599,0.9013437032699585,0.5442878007888794,0.02956845983862877,12.511468887329102,0.0527116060256958,0.01385189127177
83,0.6791102290153503,1.3225117921829224,0.902458906173706,0.5469101667404175,0.030633989721536636,12.54947566986084,0.04432271048426628,0.011854022741317749
84,0.6784932017326355,1.3137080669403076,0.9009730219841003,0.5484836101531982,0.0269046351313591,12.603805541992188,0.039116427302360535,0.01132125686854124
85,0.6815783977508545,1.3000555038452148,0.8989006280899048,0.5524635314941406,0.02783697471022606,12.5855131149292,0.04724041000008583,0.01345231756567955
86,0.6862061619758606,1.2862606048583984,0.900324285030365,0.5567827820777893,0.02863612212240696,12.606831550598145,0.044629719108343124,0.012120405212044716
87,0.6864529848098755,1.2900587320327759,0.9007959961891174,0.558603048324585,0.027171017602086067,12.618945121765137,0.046335697174072266,0.0130527438595891
88,0.6876253485679626,1.2735686302185059,0.9014472961425781,0.5649585127830505,0.02623867802321911,12.698957443237305,0.03786816447973251,0.010788491927087307
89,0.6851880550384521,1.2792271375656128,0.8991342782974243,0.5607626438140869,0.025705913081765175,12.749201774597168,0.040071237832307816,0.011987213976681232
90,0.6930243968963623,1.2618834972381592,0.9042710065841675,0.5682904720306396,0.02770378254354,12.773476600646973,0.04390018433332443,0.01265317015349865
91,0.691389262676239,1.2525402307510376,0.9013215899467468,0.5681053996086121,0.02863612212240696,12.856220245361328,0.04361233487725258,0.013185935094952583
92,0.6908648014068604,1.2488270998001099,0.9009066224098206,0.5702341794967651,0.02863612212240696,12.79193115234375,0.03594470024108887,0.010388918220996857
93,0.6965723633766174,1.2330375909805298,0.9017056822776794,0.57085120677948,0.02623867802321911,12.7726411819458,0.03539426624774933,0.01052210945636034
94,0.7033597826957703,1.2028605937957764,0.9050107598304749,0.5822972059249878,0.02597229555249214,12.804009437561035,0.03942181169986725,0.011987213976681232
95,0.6991947889328003,1.2213184833526611,0.9012770652770996,0.5813408493995667,0.03129994496703148,12.796112060546875,0.047790803015232086,0.014118273742496967
96,0.6975287795066833,1.222238302230835,0.8999136090278625,0.5786567330360413,0.025439530611038208,12.859284400939941,0.03975535184144974,0.012120405212044716
97,0.703637421131134,1.2033828496932983,0.8987635374069214,0.5853207111358643,0.024640383198857307,12.941057205200195,0.04138513654470444,0.0130527438595891
98,0.7045938372612,1.191468596458435,0.9049386382102966,0.5868015885353088,0.023974427953362465,12.958759307861328,0.03515625,0.010788491927087307
99,0.7031129598617554,1.1977628469467163,0.8998631238937378,0.5883133411407471,0.025572722777724266,12.981348991394043,0.04599211737513542,0.013985082507133484
100,0.7066609263420105,1.1838139295578003,0.9004048109054565,0.5901952981948853,0.026371870189905167,12.9977388381958,0.040068935602903366,0.012386787682771683
101,0.7016628980636597,1.208436369895935,0.8989045023918152,0.5873260498046875,0.03103356435894966,13.00944995880127,0.04656129702925682,0.014517847448587418
102,0.7081418037414551,1.173882007598877,0.8996544480323792,0.5944219827651978,0.027304209768772125,13.029313087463379,0.046207498759031296,0.014118273742496967
103,0.7113195061683655,1.169797420501709,0.904969334602356,0.5961188673973083,0.02197655849158764,13.142059326171875,0.033207230269908905,0.01052210945636034
104,0.7102397084236145,1.1652096509933472,0.8998931050300598,0.5973837375640869,0.026638252660632133,13.120614051818848,0.03885066881775856,0.012786361388862133
105,0.712677001953125,1.166123867034912,0.9055095911026001,0.5978156924247742,0.029168887063860893,13.149300575256348,0.040508341044187546,0.013585508801043034
106,0.7156696319580078,1.1346440315246582,0.9028768539428711,0.6051584482192993,0.023974427953362465,13.162923812866211,0.03352180868387222,0.011054874397814274
107,0.7132015228271484,1.1434518098831177,0.9009878039360046,0.6021966338157654,0.023308470845222473,13.218153953552246,0.03102625347673893,0.010388918220996857
108,0.7163175344467163,1.1379002332687378,0.899822473526001,0.6099404692649841,0.02357485331594944,13.319866180419922,0.03471941873431206,0.011454449035227299
109,0.7152994275093079,1.1383440494537354,0.9002285003662109,0.6076882481575012,0.02597229555249214,13.23027515411377,0.03638544678688049,0.012120405212044716
110,0.7179526686668396,1.1368838548660278,0.9014618396759033,0.6087989211082458,0.026638252660632133,13.269004821777344,0.03592577949166298,0.012120405212044716
111,0.7177675366401672,1.1280871629714966,0.9035776257514954,0.61089688539505,0.02703782543540001,13.27967357635498,0.036864571273326874,0.01265317015349865
112,0.7186622619628906,1.136612057685852,0.9010090827941895,0.6087989211082458,0.027171017602086067,13.2437162399292,0.038296207785606384,0.0130527438595891
113,0.7185388803482056,1.1170613765716553,0.901384711265564,0.6105266213417053,0.0253063403069973,13.365690231323242,0.037238169461488724,0.012786361388862133
114,0.7215932011604309,1.112464427947998,0.9007309675216675,0.6158639788627625,0.026638252660632133,13.36225700378418,0.03956972807645798,0.013718700036406517
115,0.7245241403579712,1.100581407546997,0.9030860662460327,0.6175299882888794,0.027437400072813034,13.341649055480957,0.03794466331601143,0.012786361388862133
116,0.7209761738777161,1.1108518838882446,0.9003055095672607,0.6182395815849304,0.024240810424089432,13.394416809082031,0.03278041258454323,0.011054874397814274
117,0.7266837358474731,1.0889971256256104,0.9035950899124146,0.6234535574913025,0.025839105248451233,13.395467758178711,0.037778615951538086,0.013319126330316067
118,0.7263443470001221,1.0926975011825562,0.9010599255561829,0.6268472671508789,0.02703782543540001,13.439809799194336,0.03624008968472481,0.012786361388862133
119,0.7294912338256836,1.0777373313903809,0.9042648077011108,0.6253663897514343,0.025439530611038208,13.431711196899414,0.03441755101084709,0.012120405212044716
120,0.7269922494888306,1.0871635675430298,0.9026040434837341,0.6255823373794556,0.028902504593133926,13.423151969909668,0.04272863641381264,0.015183803625404835
121,0.7286273837089539,1.0821176767349243,0.9014540314674377,0.6273717284202576,0.0285029299557209,13.403468132019043,0.03739031031727791,0.0130527438595891
122,0.7306327819824219,1.0795055627822876,0.9026955366134644,0.6302409768104553,0.026638252660632133,13.488698959350586,0.03537563979625702,0.012919552624225616
123,0.7337179780006409,1.0628070831298828,0.9057146906852722,0.6312590837478638,0.026638252660632133,13.528946876525879,0.04380103945732117,0.015716569498181343
124,0.7326689958572388,1.0614628791809082,0.9024722576141357,0.6329250335693359,0.0261054877191782,13.53464126586914,0.03425414487719536,0.012386787682771683
125,0.7329466342926025,1.058213233947754,0.9009857773780823,0.6344676613807678,0.02623867802321911,13.537924766540527,0.037881575524806976,0.013718700036406517
126,0.732761561870575,1.064762830734253,0.9024443626403809,0.6332952976226807,0.024240810424089432,13.488818168640137,0.03539493307471275,0.01265317015349865
127,0.7349211573600769,1.0466972589492798,0.9021354913711548,0.6373368501663208,0.025039957836270332,13.513843536376953,0.03286034241318703,0.011720831505954266
128,0.7349211573600769,1.0511243343353271,0.8996696472167969,0.638509213924408,0.024240810424089432,13.52608585357666,0.03005865029990673,0.01092168316245079
129,0.7357541918754578,1.0436517000198364,0.9071531891822815,0.638139009475708,0.024640383198857307,13.590641021728516,0.0368303582072258,0.013185935094952583
130,0.7347052097320557,1.0598411560058594,0.9014157652854919,0.6403603553771973,0.023974427953362465,13.65233325958252,0.0290635097771883,0.010788491927087307
131,0.7336562275886536,1.0631628036499023,0.901485800743103,0.6383241415023804,0.02437400072813034,13.659348487854004,0.032165832817554474,0.011987213976681232
132,0.7396414875984192,1.0314282178878784,0.9056995511054993,0.6456668376922607,0.025839105248451233,13.732237815856934,0.03723789006471634,0.013718700036406517
133,0.7357233166694641,1.0443423986434937,0.903075635433197,0.6404529213905334,0.021443793550133705,13.764057159423828,0.0294736847281456,0.011188065633177757
134,0.743929922580719,1.0293039083480835,0.9038668870925903,0.6468700766563416,0.022908898070454597,13.722105979919434,0.03046789951622486,0.011188065633177757
135,0.7443310022354126,1.0146818161010742,0.9021850228309631,0.6522074341773987,0.027171017602086067,13.693395614624023,0.034791965037584305,0.012919552624225616
136,0.7398883104324341,1.0317012071609497,0.9011259078979492,0.6444636583328247,0.022109748795628548,13.74653434753418,0.035320088267326355,0.012786361388862133
137,0.7452873587608337,1.0188863277435303,0.9053990244865417,0.6513744592666626,0.028103357180953026,13.757034301757812,0.041990119963884354,0.015849759802222252
138,0.7432820200920105,1.0166956186294556,0.9020252823829651,0.6513127684593201,0.0261054877191782,13.789437294006348,0.037331487983465195,0.014384656213223934
139,0.7424181699752808,1.027153491973877,0.902267575263977,0.6493999361991882,0.025839105248451233,13.802638053894043,0.03650403767824173,0.01385189127177
140,0.7503779530525208,0.9922093749046326,0.90837162733078,0.6588097214698792,0.025705913081765175,13.81518268585205,0.02977667562663555,0.011188065633177757
141,0.751673698425293,0.9874351620674133,0.9082047939300537,0.6611544489860535,0.025572722777724266,13.934856414794922,0.0393754243850708,0.015450186096131802
142,0.745133101940155,1.009002685546875,0.903653085231781,0.6525159478187561,0.02623867802321911,13.82427978515625,0.039807822555303574,0.015450186096131802
143,0.7468608021736145,1.0039883852005005,0.9037185311317444,0.6553235054016113,0.025705913081765175,13.805654525756836,0.03507516160607338,0.0130527438595891
144,0.7471076250076294,1.001534104347229,0.9022511839866638,0.6541202664375305,0.024107618257403374,13.889653205871582,0.0325976237654686,0.012786361388862133
145,0.7515811324119568,0.9840443730354309,0.9054995179176331,0.6618949174880981,0.027171017602086067,13.955869674682617,0.03380841761827469,0.013585508801043034
146,0.7515194416046143,0.9888519048690796,0.9082549214363098,0.6612470149993896,0.027171017602086067,13.9131498336792,0.03616948053240776,0.013985082507133484
147,0.7519205212593079,0.973700761795044,0.906920850276947,0.6634374856948853,0.02770378254354,13.87299633026123,0.03376534953713417,0.013185935094952583
148,0.7518279552459717,0.9697390794754028,0.90665203332901,0.6631289720535278,0.026771442964673042,13.971739768981934,0.03442399576306343,0.01345231756567955
149,0.7528152465820312,0.9764530062675476,0.9063449501991272,0.6628204584121704,0.027570592239499092,13.937360763549805,0.03776794672012329,0.014784229919314384
150,0.7519822120666504,0.9783260822296143,0.9066357612609863,0.6639003157615662,0.026638252660632133,14.072348594665527,0.03830508515238762,0.015050612390041351
151,0.7553759217262268,0.9668729305267334,0.9045230150222778,0.6675716638565063,0.026771442964673042,13.947599411010742,0.032612428069114685,0.01265317015349865
152,0.7515503168106079,0.9735877513885498,0.9041818380355835,0.6663993000984192,0.029701652005314827,14.00322151184082,0.03868943825364113,0.014784229919314384
153,0.7530620694160461,0.9687467217445374,0.9024603962898254,0.6665226817131042,0.024107618257403374,14.043478012084961,0.03041958063840866,0.011587640270590782
154,0.7524758577346802,0.9694621562957764,0.9017969369888306,0.6657822728157043,0.0285029299557209,14.035749435424805,0.03822525590658188,0.014917421154677868
155,0.7588313221931458,0.9454935789108276,0.9061465859413147,0.6758707761764526,0.027970165014266968,13.993699073791504,0.03537735715508461,0.013985082507133484
156,0.7597260475158691,0.9559311866760254,0.9085269570350647,0.6732175350189209,0.0285029299557209,14.16107177734375,0.03880983218550682,0.01598295196890831
157,0.7557770013809204,0.9628355503082275,0.9065276384353638,0.6705334186553955,0.0261054877191782,14.156462669372559,0.03207484260201454,0.012786361388862133
158,0.7535248398780823,0.9639973044395447,0.9049308896064758,0.668682336807251,0.024773575365543365,14.123229026794434,0.03178808093070984,0.012786361388862133
159,0.7625335454940796,0.9372084736824036,0.9074549078941345,0.6767346262931824,0.028236547484993935,14.096746444702148,0.03769100084900856,0.014784229919314384
160,0.7603121995925903,0.9373873472213745,0.9060527086257935,0.6775059103965759,0.024640383198857307,14.163700103759766,0.03221564739942551,0.0130527438595891
161,0.7538333535194397,0.9589545130729675,0.9016420841217041,0.6725388169288635,0.02517314814031124,14.078133583068848,0.03688524663448334,0.014384656213223934
162,0.7630888819694519,0.9312517046928406,0.9057496786117554,0.6789559721946716,0.027437400072813034,14.274590492248535,0.031139647588133812,0.012919552624225616
163,0.7599419951438904,0.9400976896286011,0.9038136601448059,0.6763335466384888,0.023708045482635498,14.183664321899414,0.035571809858083725,0.01425146497786045
164,0.7595717906951904,0.9374378323554993,0.9051759839057922,0.6776602268218994,0.024773575365543365,14.2261962890625,0.029325513169169426,0.011987213976681232
165,0.7626878023147583,0.9307385087013245,0.9066876173019409,0.6771973967552185,0.024240810424089432,14.29885196685791,0.03538115322589874,0.014651038683950901
166,0.7603121995925903,0.9462409615516663,0.9049719572067261,0.6772282719612122,0.02783697471022606,14.261848449707031,0.03638151288032532,0.014784229919314384
167,0.7588621973991394,0.9479137659072876,0.9059832692146301,0.677845299243927,0.025705913081765175,14.22887134552002,0.031147541478276253,0.01265317015349865
168,0.7628729343414307,0.9230942726135254,0.9056665897369385,0.6809613704681396,0.02517314814031124,14.315922737121582,0.03509336709976196,0.014517847448587418
169,0.7635825276374817,0.9182012677192688,0.9072579145431519,0.6829975843429565,0.027171017602086067,14.307234764099121,0.03783958777785301,0.015583377331495285
170,0.7615771293640137,0.9333999156951904,0.9057167172431946,0.6828433275222778,0.0245071928948164,14.290926933288574,0.030595812946558,0.01265317015349865
171,0.7622559070587158,0.9269188642501831,0.9064083695411682,0.6842316389083862,0.026771442964673042,14.268817901611328,0.03730366379022598,0.015183803625404835
172,0.764508068561554,0.9174422025680542,0.904765784740448,0.6858667731285095,0.02783697471022606,14.354240417480469,0.03529411926865578,0.014384656213223934
173,0.7659581303596497,0.9182396531105042,0.9065282940864563,0.6846018433570862,0.02956845983862877,14.47918701171875,0.04080997034907341,0.017448054626584053
174,0.766636848449707,0.9200937151908875,0.9069843292236328,0.68830406665802,0.023841235786676407,14.344867706298828,0.03367633372545242,0.014384656213223934
175,0.7653102278709412,0.9211785793304443,0.9088083505630493,0.6856508255004883,0.024107618257403374,14.420746803283691,0.02780381217598915,0.011854022741317749
176,0.7650325298309326,0.9175072312355042,0.9046549797058105,0.6835220456123352,0.024107618257403374,14.448406219482422,0.0298268124461174,0.012386787682771683
177,0.7714188694953918,0.9062663912773132,0.9087910652160645,0.6885817646980286,0.024906765669584274,14.402853012084961,0.032097227871418,0.013718700036406517
178,0.7706475853919983,0.8917079567909241,0.9081863760948181,0.6927467584609985,0.028103357180953026,14.464045524597168,0.03825481981039047,0.01611614227294922
179,0.7682719826698303,0.9058711528778076,0.9069322943687439,0.688180685043335,0.02517314814031124,14.456738471984863,0.02871105633676052,0.012519978918135166
180,0.7754912972450256,0.89082932472229,0.9098565578460693,0.6966032385826111,0.02623867802321911,14.498746871948242,0.032186105847358704,0.01345231756567955
181,0.7679943442344666,0.9039637446403503,0.9068730473518372,0.6904019713401794,0.024107618257403374,14.461573600769043,0.029486365616321564,0.012386787682771683
182,0.7739178538322449,0.888477623462677,0.9068098664283752,0.6979915499687195,0.025572722777724266,14.511637687683105,0.031145038083195686,0.013585508801043034
183,0.7699688673019409,0.8892379403114319,0.9072006344795227,0.6918829083442688,0.024906765669584274,14.49044132232666,0.028787879273295403,0.01265317015349865
184,0.7679325938224792,0.8938142657279968,0.9050525426864624,0.690803050994873,0.02597229555249214,14.50599479675293,0.035163480788469315,0.015183803625404835
185,0.7712646126747131,0.8886086940765381,0.9087306261062622,0.6933020949363708,0.026371870189905167,14.434699058532715,0.03178928419947624,0.013985082507133484
186,0.7712954878807068,0.8902685046195984,0.9034399390220642,0.6927775740623474,0.025039957836270332,14.457958221435547,0.0331457145512104,0.014118273742496967
187,0.7693517804145813,0.8935677409172058,0.9047791957855225,0.6921296715736389,0.028369739651679993,14.604364395141602,0.029287438839673996,0.012919552624225616
188,0.7737635970115662,0.8829963207244873,0.9089738726615906,0.6971893906593323,0.02024507150053978,14.593552589416504,0.02660217694938183,0.011720831505954266
189,0.7729306221008301,0.8828199505805969,0.9066714644432068,0.6968500018119812,0.028103357180953026,14.609885215759277,0.032757051289081573,0.014384656213223934
190,0.7720358967781067,0.8820474743843079,0.9065889716148376,0.6961712837219238,0.023308470845222473,14.664234161376953,0.02565614879131317,0.011587640270590782
191,0.7745657563209534,0.8744640350341797,0.904619574546814,0.7002128958702087,0.02770378254354,14.624459266662598,0.03749622032046318,0.016515716910362244
192,0.775676429271698,0.8744179606437683,0.9074348211288452,0.6992564797401428,0.025705913081765175,14.577009201049805,0.031731363385915756,0.013718700036406517
193,0.7789466977119446,0.8627788424491882,0.908096432685852,0.7017554640769958,0.0253063403069973,14.624133110046387,0.032687652856111526,0.014384656213223934
194,0.7734550833702087,0.8857220411300659,0.9078361392021179,0.698053240776062,0.028103357180953026,14.605035781860352,0.034703195095062256,0.015183803625404835
195,0.7757689952850342,0.8660532832145691,0.9084417223930359,0.7025267481803894,0.027171017602086067,14.683616638183594,0.03575721010565758,0.015849759802222252
196,0.774596631526947,0.87486732006073,0.90791255235672,0.7023416757583618,0.025439530611038208,14.615930557250977,0.03386211022734642,0.014784229919314384
197,0.7767254114151001,0.8693079948425293,0.9059226512908936,0.7017245888710022,0.025572722777724266,14.669981956481934,0.03531598672270775,0.015183803625404835
198,0.7786381840705872,0.8496418595314026,0.9080907106399536,0.7053651213645935,0.024906765669584274,14.624974250793457,0.03144844248890877,0.01385189127177
199,0.7794094681739807,0.85984206199646,0.9059801697731018,0.7057662010192871,0.02703782543540001,14.582630157470703,0.0328267477452755,0.014384656213223934
200,0.7786998748779297,0.8629094362258911,0.9075169563293457,0.7050874829292297,0.0269046351313591,14.687325477600098,0.033826638013124466,0.014917421154677868
201,0.7780828475952148,0.8616953492164612,0.9068781137466431,0.7057662010192871,0.026638252660632133,14.679777145385742,0.03367315232753754,0.014517847448587418
202,0.780180811882019,0.8539500832557678,0.9090765714645386,0.7103939652442932,0.0261054877191782,14.714407920837402,0.0317460335791111,0.01385189127177
203,0.78126060962677,0.8451411128044128,0.9074952602386475,0.7082343697547913,0.02863612212240696,14.668474197387695,0.03647058829665184,0.016515716910362244
204,0.7776817679405212,0.8684105277061462,0.9058632850646973,0.7068768739700317,0.025705913081765175,14.744688034057617,0.030356615781784058,0.013718700036406517
205,0.7835127711296082,0.8439394235610962,0.9107847809791565,0.7118131518363953,0.02344166301190853,14.751036643981934,0.028562746942043304,0.012519978918135166
206,0.7813839912414551,0.8451224565505981,0.9087886214256287,0.7082343697547913,0.02264251373708248,14.696176528930664,0.0312974788248539,0.013718700036406517
207,0.7831425666809082,0.8458549976348877,0.9084874987602234,0.7136334180831909,0.025839105248451233,14.796392440795898,0.028776979073882103,0.012786361388862133
208,0.7835127711296082,0.8435178995132446,0.9123499393463135,0.7129238247871399,0.02277570590376854,14.738666534423828,0.029108550399541855,0.012786361388862133
209,0.7840372920036316,0.8340023159980774,0.9117253422737122,0.7144047021865845,0.024773575365543365,14.777392387390137,0.03028503619134426,0.013585508801043034
210,0.7820318937301636,0.8432865738868713,0.9076862335205078,0.7086354494094849,0.025039957836270332,14.696456909179688,0.0346975103020668,0.015583377331495285
211,0.7834510803222656,0.8395915031433105,0.9079989194869995,0.7112886905670166,0.024773575365543365,14.876107215881348,0.030398624017834663,0.014118273742496967
212,0.7804893255233765,0.8528003692626953,0.9082080125808716,0.7097152471542358,0.0253063403069973,14.823712348937988,0.03284883871674538,0.015050612390041351
213,0.7858883738517761,0.8282172083854675,0.9080072045326233,0.7144047021865845,0.026371870189905167,14.720054626464844,0.033028606325387955,0.014917421154677868
214,0.7867213487625122,0.8386983275413513,0.9098953604698181,0.713756799697876,0.026638252660632133,14.877440452575684,0.03347034752368927,0.015183803625404835
215,0.7851787805557251,0.8340327739715576,0.9100903272628784,0.7151451706886292,0.025705913081765175,14.924274444580078,0.032143909484148026,0.014517847448587418
216,0.7900533676147461,0.8135663866996765,0.9132134318351746,0.7206984758377075,0.024640383198857307,14.889422416687012,0.032894738018512726,0.014651038683950901
217,0.7881405353546143,0.822024941444397,0.9133380055427551,0.719556987285614,0.023175280541181564,14.914405822753906,0.030760301277041435,0.014118273742496967
218,0.7857649922370911,0.8255104422569275,0.9092018008232117,0.7130163908004761,0.02344166301190853,14.908828735351562,0.02929234318435192,0.01345231756567955
219,0.7837287783622742,0.8373266458511353,0.9060276746749878,0.7150834798812866,0.026371870189905167,14.893012046813965,0.03561726585030556,0.015716569498181343
220,0.7882022857666016,0.8214234709739685,0.9110319018363953,0.7174590229988098,0.024640383198857307,14.942487716674805,0.02743212692439556,0.012919552624225616
221,0.7825872302055359,0.8351852297782898,0.9055621027946472,0.713263213634491,0.02517314814031124,14.864258766174316,0.031213872134685516,0.014384656213223934
222,0.7821553349494934,0.844343364238739,0.9083536863327026,0.7118748426437378,0.026771442964673042,14.911050796508789,0.03832852840423584,0.01771443709731102
223,0.784345805644989,0.8318844437599182,0.9055750370025635,0.7166260480880737,0.023974427953362465,14.849645614624023,0.0305017102509737,0.01425146497786045
224,0.7848702669143677,0.8404297232627869,0.9073392152786255,0.7147749066352844,0.021310601383447647,14.960158348083496,0.026553837582468987,0.012120405212044716
225,0.7905161380767822,0.8177996873855591,0.9102483987808228,0.7212229371070862,0.023708045482635498,15.004973411560059,0.02971978485584259,0.013985082507133484
226,0.788634181022644,0.8164070248603821,0.9110721349716187,0.7209761738777161,0.02517314814031124,14.969654083251953,0.0320901982486248,0.014784229919314384
227,0.7869064807891846,0.8167232871055603,0.9088243246078491,0.7171505093574524,0.02770378254354,14.9468994140625,0.03247126564383507,0.015050612390041351
228,0.7869373559951782,0.820637047290802,0.9117670059204102,0.7186005711555481,0.023175280541181564,15.090096473693848,0.027193719521164894,0.012919552624225616
229,0.7884182333946228,0.8164822459220886,0.9087652564048767,0.7200197577476501,0.022908898070454597,15.035871505737305,0.02759835496544838,0.012519978918135166
230,0.7868756651878357,0.8244741559028625,0.9096507430076599,0.7200197577476501,0.024773575365543365,14.927032470703125,0.028710881248116493,0.013319126330316067
231,0.7865362763404846,0.8245795965194702,0.9088743329048157,0.7178909778594971,0.023042088374495506,14.985689163208008,0.029659785330295563,0.013585508801043034
232,0.785548985004425,0.8254255056381226,0.9083427786827087,0.7185080051422119,0.02197655849158764,14.978233337402344,0.028901733458042145,0.013319126330316067
233,0.7897757291793823,0.8041841983795166,0.9105297923088074,0.7205750942230225,0.02264251373708248,15.075745582580566,0.026811180636286736,0.012519978918135166
234,0.7864745855331421,0.8127729892730713,0.9069659113883972,0.7218400239944458,0.024240810424089432,15.114848136901855,0.03185790777206421,0.015050612390041351
235,0.7898065447807312,0.8107705116271973,0.9079952239990234,0.7228272557258606,0.026505060493946075,15.109893798828125,0.03246571496129036,0.015450186096131802
236,0.7890969514846802,0.8179445266723633,0.908271849155426,0.7215623259544373,0.028902504593133926,15.087890625,0.037119731307029724,0.01771443709731102
237,0.7931385636329651,0.7998629808425903,0.9119072556495667,0.7256039381027222,0.024906765669584274,15.065464973449707,0.03492595627903938,0.016648907214403152
238,0.7897448539733887,0.8076042532920837,0.9069103002548218,0.7243698239326477,0.02517314814031124,15.140697479248047,0.03387947753071785,0.016249334439635277
239,0.7913491725921631,0.8001822829246521,0.9070689082145691,0.7272390723228455,0.026638252660632133,15.093029022216797,0.03054298646748066,0.014384656213223934
240,0.7867830991744995,0.8192493915557861,0.905828058719635,0.7202357053756714,0.0253063403069973,15.076509475708008,0.03390313312411308,0.015849759802222252
241,0.7939098477363586,0.7966862916946411,0.9117067456245422,0.7282571792602539,0.028902504593133926,15.003236770629883,0.03260258585214615,0.015450186096131802
242,0.7927683591842651,0.7915840148925781,0.9104893207550049,0.7268071174621582,0.022509323433041573,15.03024673461914,0.029428094625473022,0.014118273742496967
243,0.7920278906822205,0.7986413240432739,0.9108374118804932,0.725511372089386,0.024906765669584274,15.119634628295898,0.030799660831689835,0.014517847448587418
244,0.794465184211731,0.7958958745002747,0.9110845327377319,0.7280412316322327,0.02623867802321911,15.098831176757812,0.03577417507767677,0.017048481851816177
245,0.7930151224136353,0.7963451743125916,0.9095703959465027,0.7289358973503113,0.025439530611038208,15.042462348937988,0.03435548022389412,0.01611614227294922
246,0.7937864661216736,0.7886226773262024,0.909993052482605,0.7298923134803772,0.0261054877191782,15.16713809967041,0.03179430589079857,0.015316994860768318
247,0.7957918047904968,0.7860984802246094,0.9121493697166443,0.7293987274169922,0.02597229555249214,15.18973445892334,0.03364589065313339,0.016249334439635277
248,0.793878972530365,0.7879254221916199,0.9088994264602661,0.7322679162025452,0.028236547484993935,15.100650787353516,0.0389028824865818,0.01851358637213707
249,0.7955758571624756,0.7851082682609558,0.9102593660354614,0.7319594025611877,0.0269046351313591,15.151744842529297,0.03486788272857666,0.017048481851816177
250,0.7978897094726562,0.7873470187187195,0.9130619168281555,0.7313115000724792,0.024640383198857307,15.116957664489746,0.03500717505812645,0.016249334439635277
251,0.8009440898895264,0.7745406627655029,0.9126395583152771,0.7364637851715088,0.0261054877191782,15.112360000610352,0.033190272748470306,0.015450186096131802
252,0.7985067963600159,0.7708267569541931,0.9116142392158508,0.7366488575935364,0.03023441694676876,15.008735656738281,0.03662597015500069,0.01758124679327011
253,0.7962237596511841,0.7887647747993469,0.9095820188522339,0.7324530482292175,0.0261054877191782,14.981487274169922,0.03334275260567665,0.015716569498181343
254,0.7963471412658691,0.7707829475402832,0.9124784469604492,0.7343350052833557,0.0261054877191782,15.160943984985352,0.030713889747858047,0.014784229919314384
255,0.7947120070457458,0.7883592844009399,0.9094606041908264,0.7313731908798218,0.02437400072813034,15.09097957611084,0.033975083380937576,0.01598295196890831
256,0.7951130867004395,0.7866340279579163,0.9101684093475342,0.7320827841758728,0.024640383198857307,15.239908218383789,0.032337628304958344,0.015716569498181343
257,0.7967790961265564,0.790321409702301,0.9107410311698914,0.7322062253952026,0.02344166301190853,15.166580200195312,0.02816508710384369,0.01345231756567955
258,0.7944343090057373,0.782849907875061,0.9090874195098877,0.7311572432518005,0.021576983854174614,15.150135040283203,0.024837708100676537,0.011720831505954266
259,0.7997408509254456,0.7629382610321045,0.9098310470581055,0.7377904057502747,0.026771442964673042,15.220849990844727,0.033078186213970184,0.01611614227294922
260,0.7973344326019287,0.7844018340110779,0.9121026396751404,0.7347360849380493,0.0253063403069973,15.241900444030762,0.029792018234729767,0.014118273742496967
261,0.800049364566803,0.7725140452384949,0.9113133549690247,0.738345742225647,0.024640383198857307,15.20176887512207,0.031434185802936554,0.014917421154677868
262,0.8011600375175476,0.7625356316566467,0.9111948609352112,0.7385308146476746,0.0245071928948164,15.184638023376465,0.03174164891242981,0.015316994860768318
263,0.8026100397109985,0.7524716854095459,0.911896288394928,0.7421096563339233,0.023841235786676407,15.264684677124023,0.029147982597351074,0.01385189127177
264,0.7981674075126648,0.7744183540344238,0.908417820930481,0.738129734992981,0.02264251373708248,15.219354629516602,0.02752809040248394,0.0130527438595891
265,0.8003270030021667,0.7671263217926025,0.9109377861022949,0.7387159466743469,0.022109748795628548,15.181757926940918,0.027525460347533226,0.013319126330316067
266,0.7985993027687073,0.7660355567932129,0.9110525250434875,0.735970139503479,0.027304209768772125,15.319677352905273,0.035820893943309784,0.01758124679327011
267,0.8004195690155029,0.7608157396316528,0.9112306237220764,0.7369573712348938,0.02437400072813034,15.2808256149292,0.029963595792651176,0.01425146497786045
268,0.8009440898895264,0.7585347890853882,0.9115208983421326,0.7396106719970703,0.02783697471022606,15.31124496459961,0.033723145723342896,0.016515716910362244
269,0.7999876737594604,0.7633551955223083,0.9112851023674011,0.7396723628044128,0.02357485331594944,15.328028678894043,0.026044493541121483,0.012786361388862133
270,0.8007898330688477,0.7644801735877991,0.9111695289611816,0.7376669645309448,0.0245071928948164,15.275177001953125,0.030589543282985687,0.014651038683950901
271,0.8024557828903198,0.7534992098808289,0.911575198173523,0.7420170903205872,0.02517314814031124,15.369382858276367,0.033678069710731506,0.01691528968513012
272,0.7964705228805542,0.7728083729743958,0.9106782078742981,0.7369882464408875,0.02623867802321911,15.445313453674316,0.03154745697975159,0.015450186096131802
273,0.8003578782081604,0.7674158811569214,0.912329375743866,0.7403510808944702,0.02703782543540001,15.36095142364502,0.035889070481061935,0.01758124679327011
274,0.8023632764816284,0.7613541483879089,0.9111723899841309,0.7440224885940552,0.023974427953362465,15.369370460510254,0.03248898684978485,0.015716569498181343
275,0.801468551158905,0.7584292888641357,0.911818265914917,0.7417085766792297,0.027304209768772125,15.426436424255371,0.03472409024834633,0.017181672155857086
276,0.7970567345619202,0.7719192504882812,0.9072207808494568,0.7360935211181641,0.027570592239499092,15.438226699829102,0.034125033766031265,0.016648907214403152
277,0.7996174097061157,0.7692194581031799,0.9138128161430359,0.7392712831497192,0.02344166301190853,15.355043411254883,0.025584593415260315,0.012386787682771683
278,0.8038132786750793,0.7587817907333374,0.9121947288513184,0.7410298585891724,0.029035694897174835,15.475534439086914,0.038884419947862625,0.01931273378431797
279,0.8072995543479919,0.7397627830505371,0.9121338725090027,0.7465522885322571,0.025439530611038208,15.44279670715332,0.033195022493600845,0.01598295196890831
280,0.8038132786750793,0.7495607733726501,0.9106737971305847,0.7438681721687317,0.027437400072813034,15.42352294921875,0.03489338234066963,0.01678209938108921
281,0.8044611811637878,0.7518185973167419,0.9113852381706238,0.745349109172821,0.02597229555249214,15.439823150634766,0.03329723700881004,0.016382524743676186
282,0.805047333240509,0.7399488687515259,0.9125023484230042,0.7442075610160828,0.02597229555249214,15.55233383178711,0.03140939772129059,0.015583377331495285
283,0.8052941560745239,0.739010751247406,0.9108321070671082,0.7453182339668274,0.0261054877191782,15.443553924560547,0.032651979476213455,0.016382524743676186
284,0.8040601015090942,0.7433294057846069,0.9149975180625916,0.7455650568008423,0.024773575365543365,15.46349811553955,0.03135048225522041,0.015583377331495285
285,0.8083176612854004,0.7309560775756836,0.9113057851791382,0.7477864027023315,0.02517314814031124,15.437317848205566,0.03128400444984436,0.015316994860768318
286,0.8071452975273132,0.7390583753585815,0.9116359949111938,0.7454416155815125,0.026371870189905167,15.424242973327637,0.03580146282911301,0.01758124679327011
287,0.805263340473175,0.7383449077606201,0.911573052406311,0.7467682957649231,0.025039957836270332,15.593067169189453,0.028601977974176407,0.01425146497786045
288,0.8045845627784729,0.7481557726860046,0.9105362296104431,0.7438681721687317,0.021310601383447647,15.519360542297363,0.025113545358181,0.012519978918135166
289,0.8058186769485474,0.7478821873664856,0.9109316468238831,0.7481257319450378,0.023974427953362465,15.492856979370117,0.03231991082429886,0.015716569498181343
290,0.8052941560745239,0.7423695921897888,0.9134597182273865,0.7476938366889954,0.027437400072813034,15.470684051513672,0.03219645470380783,0.015716569498181343
291,0.8065282702445984,0.7468159794807434,0.9127723574638367,0.7496374845504761,0.024773575365543365,15.471855163574219,0.030747922137379646,0.014784229919314384
292,0.8082867860794067,0.724970281124115,0.912901759147644,0.7518279552459717,0.025039957836270332,15.433369636535645,0.034106411039829254,0.016648907214403152
293,0.8076080679893494,0.7322613000869751,0.9092104434967041,0.7467682957649231,0.02117741107940674,15.46091365814209,0.029548563063144684,0.014384656213223934
294,0.8053558468818665,0.7428377866744995,0.9112112522125244,0.7484959959983826,0.024906765669584274,15.559881210327148,0.02895086258649826,0.014517847448587418
295,0.8069292902946472,0.7404046654701233,0.9122602343559265,0.7483725547790527,0.022376131266355515,15.4490385055542,0.03131749480962753,0.015450186096131802
296,0.8064357042312622,0.7393394708633423,0.9128980040550232,0.7492055892944336,0.02344166301190853,15.557025909423828,0.03149814531207085,0.015849759802222252
297,0.810137927532196,0.7328251600265503,0.9120386242866516,0.752383291721344,0.025705913081765175,15.451386451721191,0.029300054535269737,0.014384656213223934
298,0.808502733707428,0.733852744102478,0.9111011028289795,0.750007688999176,0.023841235786676407,15.521771430969238,0.02899707295000553,0.014517847448587418
299,0.8091198205947876,0.7263155579566956,0.9132082462310791,0.7508407235145569,0.02517314814031124,15.60120964050293,0.031419284641742706,0.015450186096131802
300,0.8093665838241577,0.7280814051628113,0.9147269129753113,0.7492672801017761,0.023974427953362465,15.551313400268555,0.028029678389430046,0.013585508801043034
301,0.8154444098472595,0.7132364511489868,0.9173207879066467,0.7571653127670288,0.024640383198857307,15.718199729919434,0.030398322269320488,0.015450186096131802
302,0.8095517158508301,0.7145190834999084,0.9105624556541443,0.7532163262367249,0.0245071928948164,15.73228645324707,0.030609529465436935,0.015316994860768318
303,0.8098294138908386,0.7320727705955505,0.9126334190368652,0.749298095703125,0.022509323433041573,15.639630317687988,0.029500136151909828,0.014384656213223934
304,0.8111868500709534,0.7238699793815613,0.9159812331199646,0.7524141669273376,0.029834842309355736,15.536375999450684,0.03322949260473251,0.017048481851816177
305,0.8111560344696045,0.7230656147003174,0.9160881042480469,0.7531237602233887,0.024107618257403374,15.613579750061035,0.031040942296385765,0.015450186096131802
306,0.808842122554779,0.7345077991485596,0.9121537804603577,0.7509024143218994,0.026371870189905167,15.633917808532715,0.033602502197027206,0.017181672155857086
307,0.8085644841194153,0.7268431186676025,0.9101505875587463,0.7516120076179504,0.026371870189905167,15.601404190063477,0.028920138254761696,0.014517847448587418
308,0.8107549548149109,0.7234641313552856,0.9130369424819946,0.7527843713760376,0.025039957836270332,15.686131477355957,0.03161843493580818,0.015716569498181343
309,0.8082867860794067,0.7223914861679077,0.9103644490242004,0.7498226165771484,0.02770378254354,15.697247505187988,0.03072916716337204,0.015716569498181343
310,0.812667727470398,0.716320812702179,0.9141402840614319,0.7535248398780823,0.02357485331594944,15.603809356689453,0.031022390350699425,0.015316994860768318
311,0.8073921203613281,0.7312238812446594,0.9131478071212769,0.7512418031692505,0.024240810424089432,15.573492050170898,0.028034910559654236,0.014118273742496967
312,0.8141177892684937,0.7150799632072449,0.915455162525177,0.7576589584350586,0.022509323433041573,15.6957426071167,0.03031088039278984,0.015583377331495285
313,0.8186529874801636,0.7006716728210449,0.9173430800437927,0.7601271271705627,0.0245071928948164,15.707202911376953,0.028438469395041466,0.014651038683950901
314,0.8114645481109619,0.7139708995819092,0.914919912815094,0.7541109919548035,0.023974427953362465,15.586901664733887,0.0276008490473032,0.01385189127177
315,0.8111560344696045,0.7154415845870972,0.9097116589546204,0.7563014626502991,0.022509323433041573,15.61014175415039,0.02705627679824829,0.013319126330316067
316,0.8138092756271362,0.7188680768013,0.9164585471153259,0.7584611177444458,0.02264251373708248,15.686450958251953,0.027950311079621315,0.014384656213223934
317,0.8135624527931213,0.7086469531059265,0.9141227602958679,0.7566408514976501,0.025572722777724266,15.598982810974121,0.027133824303746223,0.013718700036406517
318,0.8149507641792297,0.7063600420951843,0.9161120057106018,0.7600962519645691,0.025439530611038208,15.600370407104492,0.03391167148947716,0.017181672155857086
319,0.8101687431335449,0.71901935338974,0.9124491214752197,0.753679096698761,0.023708045482635498,15.696617126464844,0.028556594625115395,0.014651038683950901
320,0.8125443458557129,0.710496187210083,0.9120389223098755,0.7575047016143799,0.02703782543540001,15.613051414489746,0.028678638860583305,0.01425146497786045
321,0.8149816393852234,0.7032732963562012,0.9152182936668396,0.758677065372467,0.021710176020860672,15.783636093139648,0.02757544256746769,0.014118273742496967
322,0.8160306215286255,0.7001981735229492,0.9138780832290649,0.7608367204666138,0.024906765669584274,15.718405723571777,0.03122580610215664,0.01611614227294922
323,0.8113102912902832,0.7211191058158875,0.9125728011131287,0.7542035579681396,0.027171017602086067,15.727359771728516,0.03281653672456741,0.01691528968513012
324,0.812667727470398,0.7056249380111694,0.9127287864685059,0.7585844993591309,0.02943526953458786,15.601278305053711,0.03430984541773796,0.017314864322543144
325,0.8137167096138,0.7082393765449524,0.9138695597648621,0.7568259835243225,0.02517314814031124,15.826996803283691,0.026940517127513885,0.01345231756567955
326,0.8114645481109619,0.7144510746002197,0.9146527647972107,0.7578132152557373,0.024906765669584274,15.712750434875488,0.02777777798473835,0.01425146497786045
327,0.8136550188064575,0.7045044302940369,0.9180989265441895,0.7580909132957458,0.023708045482635498,15.679306983947754,0.029669763520359993,0.015316994860768318
328,0.8124209642410278,0.7106442451477051,0.9142654538154602,0.7557153105735779,0.024107618257403374,15.812421798706055,0.029548989608883858,0.015183803625404835
329,0.8123592138290405,0.7151962518692017,0.9116794466972351,0.7566717267036438,0.0253063403069973,15.718194007873535,0.03068920597434044,0.015716569498181343
330,0.8158146142959595,0.7080997824668884,0.9127887487411499,0.7594792246818542,0.022242940962314606,15.79224681854248,0.026970410719513893,0.013718700036406517
331,0.8120198845863342,0.7171118259429932,0.9128628969192505,0.7595409154891968,0.02344166301190853,15.76297378540039,0.027515722438693047,0.013985082507133484
332,0.8122667074203491,0.710163414478302,0.9145471453666687,0.755468487739563,0.023974427953362465,15.681764602661133,0.028871390968561172,0.014651038683950901
333,0.8137784004211426,0.7055702805519104,0.9150887131690979,0.7604047656059265,0.02344166301190853,15.696682929992676,0.029218215495347977,0.014784229919314384
334,0.8176657557487488,0.6943453550338745,0.9167562127113342,0.7634590864181519,0.024640383198857307,15.745640754699707,0.031625717878341675,0.01611614227294922
335,0.8145188689231873,0.7085419297218323,0.9134657979011536,0.7601271271705627,0.025439530611038208,15.715274810791016,0.033377137035131454,0.01691528968513012
336,0.8163699507713318,0.6992250680923462,0.9168673157691956,0.763551652431488,0.027970165014266968,15.765287399291992,0.033119384199380875,0.017181672155857086
337,0.8162774443626404,0.6937534213066101,0.9154449701309204,0.7629037499427795,0.02783697471022606,15.827760696411133,0.03180661424994469,0.016648907214403152
338,0.8130996823310852,0.7037507891654968,0.9123868346214294,0.758553683757782,0.027304209768772125,15.687271118164062,0.03094378486275673,0.01598295196890831
339,0.8177274465560913,0.6876967549324036,0.9149424433708191,0.7626261115074158,0.027570592239499092,15.705184936523438,0.031903766095638275,0.016249334439635277
340,0.816462516784668,0.6955075263977051,0.9158105254173279,0.7618239521980286,0.022509323433041573,15.874800682067871,0.025464732199907303,0.013319126330316067
341,0.8146114349365234,0.7024179697036743,0.914463460445404,0.7619165182113647,0.022908898070454597,15.76369571685791,0.02865041419863701,0.015183803625404835
342,0.8164933919906616,0.6958334445953369,0.9142338037490845,0.760343074798584,0.02357485331594944,15.806185722351074,0.027806652709841728,0.01425146497786045
343,0.8204115629196167,0.6899133920669556,0.9174843430519104,0.7673772573471069,0.022509323433041573,15.828105926513672,0.027006369084119797,0.014118273742496967
344,0.8155678510665894,0.702869713306427,0.9145058393478394,0.7616696953773499,0.023708045482635498,15.704587936401367,0.026873385533690453,0.01385189127177
345,0.8165859580039978,0.69345623254776,0.9144841432571411,0.7637676000595093,0.025439530611038208,15.840011596679688,0.030358068645000458,0.015583377331495285
346,0.8204424381256104,0.6783191561698914,0.9160173535346985,0.7689198851585388,0.023841235786676407,15.877503395080566,0.027149321511387825,0.013585508801043034
347,0.8184987306594849,0.6879372000694275,0.9147412776947021,0.764631450176239,0.022908898070454597,15.840903282165527,0.026309067383408546,0.013718700036406517
348,0.815012514591217,0.6996767520904541,0.913341760635376,0.7599111199378967,0.02863612212240696,15.825230598449707,0.03595447540283203,0.01851358637213707
349,0.8205041289329529,0.6852483153343201,0.9168267846107483,0.7655261754989624,0.026505060493946075,15.912525177001953,0.02901202253997326,0.014784229919314384
350,0.8162156939506531,0.6912339329719543,0.9137147665023804,0.7631814479827881,0.022908898070454597,15.926862716674805,0.027805611491203308,0.014784229919314384
351,0.8191157579421997,0.6879585981369019,0.9165096879005432,0.7654027938842773,0.024773575365543365,15.896461486816406,0.03162055462598801,0.01598295196890831
352,0.8209360241889954,0.6748831868171692,0.9162811040878296,0.7698763012886047,0.025572722777724266,15.872749328613281,0.02762991189956665,0.014517847448587418
353,0.8183136582374573,0.6843950152397156,0.914472222328186,0.7649708390235901,0.0253063403069973,15.82923698425293,0.030586451292037964,0.01611614227294922
354,0.8175731897354126,0.6893680095672607,0.9161658883094788,0.7666985392570496,0.024906765669584274,15.8884859085083,0.02868020348250866,0.015050612390041351
355,0.8213062882423401,0.6793950796127319,0.9147464036941528,0.7666677236557007,0.02517314814031124,15.925593376159668,0.030601922422647476,0.01611614227294922
356,0.8180051445960999,0.6955491900444031,0.9160994291305542,0.7640144228935242,0.025439530611038208,15.902979850769043,0.029153766110539436,0.015050612390041351
357,0.8202264308929443,0.6806515455245972,0.9134572744369507,0.7668836712837219,0.0253063403069973,16.01936149597168,0.030551990494132042,0.015849759802222252
358,0.8216148018836975,0.6752229332923889,0.9139769077301025,0.7696602940559387,0.027171017602086067,15.97858715057373,0.025724275037646294,0.013718700036406517
359,0.8172955513000488,0.693077802658081,0.9124369621276855,0.7648165822029114,0.025439530611038208,15.883783340454102,0.030957335606217384,0.015849759802222252
360,0.8206275105476379,0.6855959892272949,0.9159295558929443,0.7666985392570496,0.02863612212240696,15.8150053024292,0.03327495604753494,0.01771443709731102
361,0.819671094417572,0.6890137195587158,0.9157817363739014,0.7662357687950134,0.0269046351313591,16.03057098388672,0.033795710653066635,0.017847629263997078
362,0.822632908821106,0.6698477864265442,0.9161643385887146,0.7690432667732239,0.023841235786676407,16.08259391784668,0.029441118240356445,0.015716569498181343
363,0.8225403428077698,0.6728838682174683,0.9149395227432251,0.772221028804779,0.022908898070454597,16.06536865234375,0.02641904354095459,0.01345231756567955
364,0.8166167736053467,0.6855885982513428,0.9130498766899109,0.7645697593688965,0.0269046351313591,16.067012786865234,0.03229087218642235,0.01691528968513012
365,0.8217381834983826,0.6719433665275574,0.9133901596069336,0.7704624533653259,0.025839105248451233,15.982717514038086,0.03369925916194916,0.01758124679327011
366,0.8256563544273376,0.651479184627533,0.9198638200759888,0.7752136588096619,0.024640383198857307,16.000083923339844,0.028740055859088898,0.014917421154677868
367,0.8253170251846313,0.6682021021842957,0.9167032241821289,0.7731157541275024,0.026371870189905167,15.97408676147461,0.028981855139136314,0.015316994860768318
368,0.8242063522338867,0.6639494299888611,0.9174748659133911,0.7734550833702087,0.02344166301190853,16.03986930847168,0.025752168148756027,0.01345231756567955
369,0.8261191248893738,0.6590673327445984,0.9174460172653198,0.7717890739440918,0.022908898070454597,15.89504623413086,0.027648579329252243,0.01425146497786045
370,0.8217073678970337,0.6732301712036133,0.9153547883033752,0.7713571786880493,0.02876931242644787,15.891888618469238,0.030777256935834885,0.015716569498181343
371,0.8238052725791931,0.6652769446372986,0.9177484512329102,0.7721284627914429,0.02863612212240696,15.929914474487305,0.03397190198302269,0.01771443709731102
372,0.8200104832649231,0.6845409274101257,0.9132572412490845,0.7678709030151367,0.02437400072813034,16.059934616088867,0.028549183160066605,0.014651038683950901
373,0.8212445378303528,0.6708207130432129,0.9147017002105713,0.7695369124412537,0.025839105248451233,16.088882446289062,0.03423105925321579,0.018114011734724045
374,0.8218616247177124,0.6742578148841858,0.9171769022941589,0.7717890739440918,0.0269046351313591,15.961762428283691,0.029036294668912888,0.015450186096131802
375,0.8249776363372803,0.6567627191543579,0.9154285192489624,0.7717582583427429,0.026638252660632133,15.984476089477539,0.03256997466087341,0.017048481851816177
376,0.8234967589378357,0.6600157022476196,0.9150722026824951,0.770215630531311,0.02783697471022606,16.078388214111328,0.04009077325463295,0.02117741107940674
377,0.824052095413208,0.6619810461997986,0.916392982006073,0.7747200131416321,0.025705913081765175,16.113048553466797,0.02737317979335785,0.014517847448587418
378,0.8226637244224548,0.6754692196846008,0.9177247881889343,0.7715423107147217,0.027970165014266968,16.01537322998047,0.032586559653282166,0.017048481851816177
379,0.8243297338485718,0.670842707157135,0.9173915982246399,0.7743189334869385,0.02876931242644787,15.967290878295898,0.03202664479613304,0.016648907214403152
380,0.8242680430412292,0.6646199822425842,0.9175419807434082,0.7734550833702087,0.024640383198857307,15.98226547241211,0.032274723052978516,0.016648907214403152
381,0.8279702663421631,0.6550795435905457,0.91835618019104,0.7756147384643555,0.02623867802321911,16.035493850708008,0.03211937099695206,0.01691528968513012
382,0.8252861499786377,0.6629602313041687,0.9197481274604797,0.7750594019889832,0.023974427953362465,16.030113220214844,0.02857142873108387,0.015050612390041351
383,0.8237127065658569,0.6649373173713684,0.9171988368034363,0.7754296064376831,0.02517314814031124,16.07159423828125,0.027397260069847107,0.014118273742496967
384,0.8266127705574036,0.6605422496795654,0.915875256061554,0.7765711545944214,0.02770378254354,15.94931697845459,0.03355196863412857,0.01771443709731102
385,0.8255020976066589,0.6665292382240295,0.9159765243530273,0.7745657563209534,0.027970165014266968,16.031099319458008,0.03462321683764458,0.018114011734724045
386,0.8278468251228333,0.6424445509910583,0.9157142043113708,0.7786381840705872,0.024906765669584274,16.085634231567383,0.029559118673205376,0.015716569498181343
387,0.8236201405525208,0.6663427948951721,0.9173387289047241,0.7720667719841003,0.024107618257403374,15.927087783813477,0.029981907457113266,0.015450186096131802
388,0.8265202045440674,0.6666960120201111,0.9170145392417908,0.7793477773666382,0.024107618257403374,16.023324966430664,0.02933065965771675,0.015583377331495285
389,0.828217089176178,0.6497079133987427,0.918266236782074,0.7778052091598511,0.022376131266355515,16.078550338745117,0.027033984661102295,0.013985082507133484
390,0.826551079750061,0.6499977707862854,0.9174938201904297,0.7757073044776917,0.023974427953362465,15.987568855285645,0.031464096158742905,0.016515716910362244
391,0.8301607370376587,0.6440497636795044,0.9182837009429932,0.7811063528060913,0.02357485331594944,16.016883850097656,0.027580970898270607,0.014517847448587418
392,0.8233733177185059,0.6699745059013367,0.9150744080543518,0.7742263674736023,0.024640383198857307,16.08187484741211,0.02897455357015133,0.015316994860768318
393,0.8241446614265442,0.6693832874298096,0.9143543839454651,0.7746891975402832,0.022908898070454597,16.15058708190918,0.025364138185977936,0.01345231756567955
394,0.83000648021698,0.6423458456993103,0.9158241748809814,0.7797488570213318,0.0245071928948164,16.16096305847168,0.02677677758038044,0.01425146497786045
395,0.8273532390594482,0.6540809869766235,0.9158491492271423,0.7776509523391724,0.028236547484993935,16.137685775756836,0.03089187853038311,0.016515716910362244
396,0.828001081943512,0.6469826102256775,0.9185999631881714,0.7781445980072021,0.028902504593133926,16.06393814086914,0.030811622738838196,0.016382524743676186
397,0.8288032412528992,0.6517045497894287,0.919562816619873,0.778761625289917,0.022109748795628548,16.122154235839844,0.02536783367395401,0.013319126330316067
398,0.8240212202072144,0.6678006649017334,0.915916919708252,0.7726221084594727,0.024773575365543365,16.050384521484375,0.0308657456189394,0.016382524743676186
399,0.8285564184188843,0.6397771835327148,0.9163340926170349,0.7791935205459595,0.025439530611038208,16.01964569091797,0.029336078092455864,0.015183803625404835
400,0.8303149938583374,0.6412307024002075,0.9198389053344727,0.7820318937301636,0.023974427953362465,16.152854919433594,0.024894200265407562,0.013319126330316067
401,0.8246691226959229,0.6560852527618408,0.9171153903007507,0.7776509523391724,0.02597229555249214,16.089723587036133,0.024173656478524208,0.0130527438595891
402,0.8249159455299377,0.6591756343841553,0.9161797165870667,0.7739178538322449,0.02437400072813034,16.024446487426758,0.029880981892347336,0.015716569498181343
403,0.8277543187141418,0.643001139163971,0.9185745716094971,0.7785764932632446,0.02703782543540001,16.070585250854492,0.026207605376839638,0.013585508801043034
404,0.8233116269111633,0.6595934629440308,0.9151634573936462,0.7747817039489746,0.023841235786676407,16.10375213623047,0.028500620275735855,0.015316994860768318
405,0.8260574340820312,0.664846658706665,0.9164173603057861,0.774966835975647,0.025439530611038208,16.121021270751953,0.02908385917544365,0.01598295196890831
406,0.8264585137367249,0.6565722823143005,0.9160627722740173,0.7761083245277405,0.024107618257403374,16.11398696899414,0.03501750901341438,0.01864677667617798
407,0.8267362117767334,0.64738929271698,0.9172341227531433,0.7771573066711426,0.026638252660632133,16.249143600463867,0.027824824675917625,0.015316994860768318
408,0.8273532390594482,0.6567899584770203,0.9172120690345764,0.7782988548278809,0.024640383198857307,16.01740074157715,0.02875318005681038,0.015050612390041351
409,0.827630877494812,0.6535424590110779,0.917591392993927,0.7780828475952148,0.0253063403069973,16.188182830810547,0.026812313124537468,0.014384656213223934
410,0.8299139142036438,0.6414439082145691,0.9159913063049316,0.7811063528060913,0.025705913081765175,16.185644149780273,0.029301276430487633,0.015583377331495285
411,0.830129861831665,0.645475447177887,0.9171627759933472,0.7795020341873169,0.024906765669584274,16.22943878173828,0.02956393174827099,0.01598295196890831
412,0.8292043209075928,0.6419966220855713,0.9168751835823059,0.779964804649353,0.02517314814031124,16.242097854614258,0.029802152886986732,0.015849759802222252
413,0.8286489844322205,0.641472578048706,0.9187912940979004,0.7804893255233765,0.025039957836270332,16.13872718811035,0.02718062698841095,0.014651038683950901
414,0.8267362117767334,0.6506471633911133,0.9171057939529419,0.7785764932632446,0.026505060493946075,16.166034698486328,0.02991347387433052,0.01611614227294922
415,0.8276000618934631,0.6474049687385559,0.916309654712677,0.7786073684692383,0.024773575365543365,16.265094757080078,0.023152709007263184,0.012519978918135166
416,0.8279085755348206,0.6486541628837585,0.9183577299118042,0.7804893255233765,0.024240810424089432,16.136459350585938,0.027813218533992767,0.014517847448587418
417,0.8288958072662354,0.6414381265640259,0.9192797541618347,0.7796562910079956,0.023974427953362465,16.208248138427734,0.02790234237909317,0.014917421154677868
418,0.8288032412528992,0.6416102647781372,0.9201772212982178,0.7817233800888062,0.02623867802321911,16.26786231994629,0.031320471316576004,0.016648907214403152
419,0.8288649320602417,0.6421637535095215,0.9157834053039551,0.7810137867927551,0.023308470845222473,16.137784957885742,0.02688172087073326,0.013985082507133484
420,0.8303766846656799,0.6369450092315674,0.9153620600700378,0.7811063528060913,0.02091102860867977,16.334096908569336,0.024289531633257866,0.013319126330316067
421,0.8267053365707397,0.6583683490753174,0.9175845980644226,0.7786998748779297,0.022109748795628548,16.290664672851562,0.026633786037564278,0.014384656213223934

Binary file not shown.

View File

@ -0,0 +1,53 @@
epoch,accuracy,loss,precision,recall
0,0.7614441514015198,0.8092082142829895,0.8728103041648865,0.6518684029579163
1,0.7671184539794922,0.7907419800758362,0.8782083988189697,0.6588951349258423
2,0.7755563855171204,0.7747973203659058,0.8812822699546814,0.6676270961761475
3,0.779995858669281,0.7407286763191223,0.8845013976097107,0.6756828427314758
4,0.7850233912467957,0.7300142645835876,0.886836588382721,0.6803869009017944
5,0.7795842885971069,0.7503414154052734,0.8848004341125488,0.6758592128753662
6,0.7788198590278625,0.7509223818778992,0.8803386092185974,0.6757122278213501
7,0.7890512347221375,0.718399167060852,0.8869243264198303,0.6902067065238953
8,0.7979596257209778,0.6898294687271118,0.8934946656227112,0.7034369111061096
9,0.7928733229637146,0.6943138241767883,0.8882777690887451,0.6979978084564209
10,0.7944315671920776,0.6911575794219971,0.8885570168495178,0.6997324824333191
11,0.8051333427429199,0.6637961268424988,0.8919206857681274,0.7130802869796753
12,0.801340639591217,0.6680640578269958,0.8919448256492615,0.70937579870224
13,0.802457869052887,0.6730897426605225,0.8919108510017395,0.7096110582351685
14,0.7929909229278564,0.7038369178771973,0.8853718042373657,0.7014670968055725
15,0.7998706102371216,0.6797693967819214,0.8896541595458984,0.7063769698143005
16,0.8064857721328735,0.6524642109870911,0.8916356563568115,0.7189604043960571
17,0.801634669303894,0.6665034294128418,0.8875302076339722,0.7127274870872498
18,0.8097198009490967,0.6495258808135986,0.894097089767456,0.7223120331764221
19,0.8071619868278503,0.6461054682731628,0.8926549553871155,0.7231940627098083
20,0.8145120739936829,0.6293599009513855,0.8963528871536255,0.7312498092651367
21,0.8266839385032654,0.5887758135795593,0.9055382609367371,0.744627058506012
22,0.8124834895133972,0.6240927577018738,0.893752932548523,0.7281039357185364
23,0.8164525032043457,0.6143172979354858,0.8947745561599731,0.7345132827758789
24,0.8197748064994812,0.6053867936134338,0.8968208432197571,0.7398053407669067
25,0.8155117034912109,0.615023136138916,0.8943008184432983,0.7363067269325256
26,0.8240672945976257,0.5888757705688477,0.8999822735786438,0.7452444434165955
27,0.8297121524810791,0.5684961676597595,0.9025516510009766,0.752918004989624
28,0.8239790797233582,0.588928759098053,0.899597704410553,0.7494487166404724
29,0.8223032355308533,0.5940691232681274,0.8965772986412048,0.7462734580039978
30,0.8363860845565796,0.5579916834831238,0.9069669842720032,0.7624143958091736
31,0.8227442502975464,0.6085800528526306,0.8956509232521057,0.7459501028060913
32,0.8282127380371094,0.5747796893119812,0.899915874004364,0.755005419254303
33,0.8385029435157776,0.5406728386878967,0.9084644317626953,0.7674124836921692
34,0.8382089138031006,0.5410904288291931,0.9048228859901428,0.768353283405304
35,0.8184223771095276,0.609982430934906,0.8922887444496155,0.7450386881828308
36,0.8366212844848633,0.5514355301856995,0.9045984148979187,0.7669126391410828
37,0.8435598015785217,0.5238895416259766,0.9065799713134766,0.7749096155166626
38,0.8374739289283752,0.5577998757362366,0.9009860157966614,0.768353283405304
39,0.8336518406867981,0.5553674101829529,0.8994195461273193,0.7653250098228455
40,0.8411489725112915,0.5325552225112915,0.9057586193084717,0.7773498296737671
41,0.8474701046943665,0.510323166847229,0.9075850248336792,0.784494161605835
42,0.8425601720809937,0.5326884984970093,0.9025572538375854,0.777202844619751
43,0.8458530306816101,0.5184728503227234,0.9071467518806458,0.7807015180587769
44,0.8346808552742004,0.557343602180481,0.8976917862892151,0.7695292830467224
45,0.8469408750534058,0.5145681500434875,0.9105383157730103,0.785199761390686
46,0.8492341041564941,0.5103574991226196,0.9106293320655823,0.787875235080719
47,0.8546438217163086,0.48868727684020996,0.9114149808883667,0.7955487370491028
48,0.8562314510345459,0.4850415587425232,0.9128401875495911,0.7978125810623169
49,0.8366506695747375,0.5457478165626526,0.9022435545921326,0.7744391560554504
50,0.8526445627212524,0.49833357334136963,0.9100509285926819,0.7930203080177307
51,0.853585422039032,0.4867699444293976,0.9094598889350891,0.7970775961875916

27
RNN/transformer.py Normal file
View File

@ -0,0 +1,27 @@
import gpt_2_simple as gpt2
import os
#import requests
model_name = "124M"
if not os.path.isdir(os.path.join("models", model_name)):
print(f"Downloading {model_name} model...")
gpt2.download_gpt2(model_name=model_name) # model is saved into current directory under /models/124M/
file_name = "metallica_hendrix.txt"
#if not os.path.isfile(file_name):
# url = "https://raw.githubusercontent.com/karpathy/char-rnn/master/data/tinyshakespeare/input.txt"
# data = requests.get(url)
#
# with open(file_name, 'w') as f:
# f.write(data.text)
sess = gpt2.start_tf_sess()
gpt2.finetune(sess,
file_name,
model_name=model_name,
steps=1000) # steps is max number of training steps
gpt2.generate(sess)