RandAug: automated data augmentation with reduced search space¶
[Paper] [Notebook] [TF Implementation] [Torch Implementation]
The core idea of the paper is that it parameterizes data augmentation into two parameters: M and N. M represents the global augmentation intensity, which controls the magnitude of each augmentation. N represents the number of augmenting transformation to be applied.
Import the required libraries¶
import random
import numpy as np
from PIL import Image, ImageEnhance, ImageOps, ImageTransform
import fastestimator as fe
from fastestimator.dataset.data.cifair10 import load_data
from fastestimator.op.numpyop import NumpyOp
from fastestimator.op.numpyop.meta import OneOf
from fastestimator.op.numpyop.univariate import ChannelTranspose, Normalize
from fastestimator.op.tensorop.loss import CrossEntropy
from fastestimator.op.tensorop.model import ModelOp, UpdateOp
from fastestimator.trace.metric import Accuracy
from fastestimator.util import BatchDisplay, GridDisplay
Define the transformations¶
Each transformation is randomly selected from the following 14 operations, the official source code can be found here.
- Identity
- Rotate
- Posterize
- Sharpness
- AutoContrast
- Solarize
- Contrast
- Equalize
- Color
- Brightness
- Shear-x
- Shear-y
- Translate-x
- Translate-y
On top of that, we use argument level
to control the intensity of each augmentation.
class Rotate(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.degree = level * 3.0
def forward(self, data, state):
im = Image.fromarray(data)
degree = self.degree * random.choice([1.0, -1.0])
im = im.rotate(degree)
return np.asarray(im)
class Identity(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
class AutoContrast(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
def forward(self, data, state):
im = Image.fromarray(data)
im = ImageOps.autocontrast(im)
return np.copy(np.asarray(im))
class Equalize(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
def forward(self, data, state):
im = Image.fromarray(data)
im = ImageOps.equalize(im)
return np.copy(np.asarray(im))
class Posterize(NumpyOp):
# resuce the number of bits for each channel, this may be inconsistent with original implementation
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.bits = 8 - int((level / 10) * 4)
def forward(self, data, state):
im = Image.fromarray(data)
im = ImageOps.posterize(im, self.bits)
return np.copy(np.asarray(im))
class Solarize(NumpyOp):
# this may be inconsistent with original implementation
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.threshold = 256 - int(level * 25.6)
def forward(self, data, state):
data = np.where(data < self.threshold, data, 255 - data)
return data
class Sharpness(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.diff = 0.09 * level
def forward(self, data, state):
im = Image.fromarray(data)
factor = 1.0 + self.diff * random.choice([1.0, -1.0])
im = ImageEnhance.Sharpness(im).enhance(factor)
return np.copy(np.asarray(im))
class Contrast(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.diff = 0.09 * level
def forward(self, data, state):
im = Image.fromarray(data)
factor = 1.0 + self.diff * random.choice([1.0, -1.0])
im = ImageEnhance.Contrast(im).enhance(factor)
return np.copy(np.asarray(im))
class Color(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.diff = 0.09 * level
def forward(self, data, state):
im = Image.fromarray(data)
factor = 1.0 + self.diff * random.choice([1.0, -1.0])
im = ImageEnhance.Color(im).enhance(factor)
return np.copy(np.asarray(im))
class Brightness(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.diff = 0.09 * level
def forward(self, data, state):
im = Image.fromarray(data)
factor = 1.0 + self.diff * random.choice([1.0, -1.0])
im = ImageEnhance.Brightness(im).enhance(factor)
return np.copy(np.asarray(im))
class ShearX(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.shear_coef = level * 0.03
def forward(self, data, state):
im = Image.fromarray(data)
shear_coeff = self.shear_coef * random.choice([1.0, -1.0])
width, height = im.size
xshift = int(round(self.shear_coef * width))
new_width = width + xshift
im = im.transform((new_width, height),
ImageTransform.AffineTransform(
(1.0, shear_coeff, -xshift if shear_coeff > 0 else 0.0, 0.0, 1.0, 0.0)),
resample=Image.BICUBIC)
if self.shear_coef > 0:
im = im.resize((width, height))
return np.copy(np.asarray(im))
class ShearY(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.shear_coef = level * 0.03
def forward(self, data, state):
im = Image.fromarray(data)
shear_coeff = self.shear_coef * random.choice([1.0, -1.0])
width, height = im.size
yshift = int(round(self.shear_coef * height))
newheight = height + yshift
im = im.transform((width, newheight),
ImageTransform.AffineTransform(
(1.0, 0.0, 0.0, shear_coeff, 1.0, -yshift if shear_coeff > 0 else 0.0)),
resample=Image.BICUBIC)
if self.shear_coef > 0:
im = im.resize((width, height))
return np.copy(np.asarray(im))
class TranslateX(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.level = level
def forward(self, data, state):
im = Image.fromarray(data)
width, height = im.size
displacement = int(self.level / 10 * width / 3 * random.choice([1.0, -1.0]))
im = im.transform((width, height),
ImageTransform.AffineTransform((1.0, 0.0, displacement, 0.0, 1.0, 0.0)),
resample=Image.BICUBIC)
return np.copy(np.asarray(im))
class TranslateY(NumpyOp):
def __init__(self, level, inputs=None, outputs=None, mode=None):
super().__init__(inputs=inputs, outputs=outputs, mode=mode)
self.level = level
def forward(self, data, state):
im = Image.fromarray(data)
width, height = im.size
displacement = int(self.level / 10 * height / 3 * random.choice([1.0, -1.0]))
im = im.transform((width, height),
ImageTransform.AffineTransform((1.0, 0.0, 0.0, 0.0, 1.0, displacement)),
resample=Image.BICUBIC)
return np.copy(np.asarray(im))
Create Pipeline¶
We will use OneOf
Op to randomly select 1 among 14 augmentations, then apply the OneOf
for N (num_augment) times. After that, we will use Normalize
to scale down the pixel values and finally ChannelTranspose
to make image data channel-first.
def get_pipeline(level, num_augment, batch_size):
assert 0 <= level <= 10, "the level should be between 0 and 10"
train_data, test_data = load_data()
aug_ops = [
OneOf(
Rotate(level=level, inputs="x", outputs="x", mode="train"),
Identity(level=level, inputs="x", outputs="x", mode="train"),
AutoContrast(level=level, inputs="x", outputs="x", mode="train"),
Equalize(level=level, inputs="x", outputs="x", mode="train"),
Posterize(level=level, inputs="x", outputs="x", mode="train"),
Solarize(level=level, inputs="x", outputs="x", mode="train"),
Sharpness(level=level, inputs="x", outputs="x", mode="train"),
Contrast(level=level, inputs="x", outputs="x", mode="train"),
Color(level=level, inputs="x", outputs="x", mode="train"),
Brightness(level=level, inputs="x", outputs="x", mode="train"),
ShearX(level=level, inputs="x", outputs="x", mode="train"),
ShearY(level=level, inputs="x", outputs="x", mode="train"),
TranslateX(level=level, inputs="x", outputs="x", mode="train"),
TranslateY(level=level, inputs="x", outputs="x", mode="train"),
) for _ in range(num_augment)
]
pipeline = fe.Pipeline(
train_data=train_data,
test_data=test_data,
batch_size=batch_size,
ops=aug_ops + [
Normalize(inputs="x", outputs="x", mean=(0.4914, 0.4822, 0.4465), std=(0.2471, 0.2435, 0.2616)),
ChannelTranspose(inputs="x", outputs="x"),
])
return pipeline
Visualize Preprocessing Results¶
In order to make sure the pipeline works as expected, we need to visualize its output. Pipeline.get_results
will return a batch of pipeline output, then we use fe.util.GridDisplay
to visualize the result:
pipeline = get_pipeline(level=4, num_augment=4, batch_size=8)
data = pipeline.get_results()
class_dictionary = {
0: "airplane", 1: "car", 2: "bird", 3: "cat", 4: "deer", 5: "dog", 6: "frog", 7: "horse", 8: "ship", 9: "truck"
}
y = np.array([class_dictionary[clazz.item()] for clazz in fe.util.to_number(data["y"])])
fig = GridDisplay([BatchDisplay(image=data['x'], title='x'),
BatchDisplay(text=y, title='label')
])
fig.show()
Network
construction¶
In this example, we will use the same network setup as the Fast Cifar10 example.
from fastestimator.architecture.pytorch import ResNet9
def get_network():
model = fe.build(model_fn=ResNet9, optimizer_fn="adam")
network = fe.Network(ops=[
ModelOp(model=model, inputs="x", outputs="y_pred"),
CrossEntropy(inputs=("y_pred", "y"), outputs="ce"),
UpdateOp(model=model, loss_name="ce")
])
return network
Putting everything together¶
Now we are ready to combine every pieces together by creating an estimator instance:
def get_estimator(level,
num_augment,
epochs=24,
batch_size=512,
train_steps_per_epoch=None,
eval_steps_per_epoch=None):
pipeline = get_pipeline(batch_size=batch_size, level=level, num_augment=num_augment)
network = get_network()
estimator = fe.Estimator(pipeline=pipeline,
network=network,
epochs=epochs,
traces=Accuracy(true_key="y", pred_key="y_pred"),
train_steps_per_epoch=train_steps_per_epoch,
eval_steps_per_epoch=eval_steps_per_epoch)
return estimator
Applying Grid Search to find the best level(M) and num_augment(N):¶
As suggested by the paper, N and M ranges from 1 to 10, grid search can be used effectively to find the best parameter. Running 100 experiments takes ~20 hours on single V100 GPU.
#training parameters
epochs = 50 # 50
batch_size = 512
train_steps_per_epoch = None
eval_steps_per_epoch = None
max_level = 10
max_num_augment = 10
from fastestimator.search import GridSearch
def eval_fn(search_idx, level, n_augment):
est = get_estimator(level=level,
num_augment=n_augment,
epochs=epochs,
train_steps_per_epoch=train_steps_per_epoch,
eval_steps_per_epoch=eval_steps_per_epoch,
batch_size=batch_size
)
est.fit()
result = est.test(summary='exp')
return {'accuracy': list(result.history['test']['accuracy'].values())[-1]}
search = GridSearch(eval_fn=eval_fn,
params={'level': [i for i in range(1, max_level+1)],
'n_augment': [i for i in range(1, max_num_augment+1)]
},
best_mode='max'
)
search.fit()
______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.7444437; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.37; FastEstimator-Train: step: 100; ce: 0.88170207; steps/sec: 4.43; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.15; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.52; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7527; ce: 0.72209966; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 1, 'search_idx': 1}, result: {'accuracy': array(0.7527)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8413973; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.23; FastEstimator-Train: step: 100; ce: 1.032868; steps/sec: 4.43; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.48; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.72; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7469; ce: 0.7267612; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 2, 'search_idx': 2}, result: {'accuracy': array(0.7469)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1323795; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.26; FastEstimator-Train: step: 100; ce: 1.105586; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 27.0; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.26; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7366; ce: 0.75194895; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 3, 'search_idx': 3}, result: {'accuracy': array(0.7366)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2228389; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.55; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.97; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.53; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 4, 'search_idx': 4}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2849247; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.68; FastEstimator-Train: step: 100; ce: 1.0296834; steps/sec: 4.33; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.59; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.27; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7221; ce: 0.8077003; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 5, 'search_idx': 5}, result: {'accuracy': array(0.7221)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1375012; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.91; FastEstimator-Train: step: 100; ce: 1.0495671; steps/sec: 4.28; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.56; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.47; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7112; ce: 0.8337573; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 6, 'search_idx': 6}, result: {'accuracy': array(0.7112)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1405318; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.45; FastEstimator-Train: step: 100; ce: 1.191843; steps/sec: 4.19; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.54; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.0; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7034; ce: 0.8527498; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 7, 'search_idx': 7}, result: {'accuracy': array(0.7034)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2196648; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.63; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.33; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.53; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.17; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 8, 'search_idx': 8}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.6690927; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.13; FastEstimator-Train: step: 100; ce: 1.3050547; steps/sec: 4.23; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.82; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.96; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7252; ce: 0.7832509; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 9, 'search_idx': 9}, result: {'accuracy': array(0.7252)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.9708734; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.45; FastEstimator-Train: step: 100; ce: 1.2270945; steps/sec: 4.17; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.25; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.71; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6978; ce: 0.87715167; FastEstimator-Search: Evaluated {'level': 1, 'n_augment': 10, 'search_idx': 10}, result: {'accuracy': array(0.6978)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0066056; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.22; FastEstimator-Train: step: 100; ce: 1.1043899; steps/sec: 4.44; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 24.98; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.21; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7466; ce: 0.73631376; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 1, 'search_idx': 11}, result: {'accuracy': array(0.7466)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.3090634; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.71; FastEstimator-Train: step: 100; ce: 1.0925272; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.41; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.12; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7442; ce: 0.74505204; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 2, 'search_idx': 12}, result: {'accuracy': array(0.7442)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.5940943; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.47; FastEstimator-Train: step: 100; ce: 1.1280173; steps/sec: 4.38; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.63; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.11; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7056; ce: 0.8450165; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 3, 'search_idx': 13}, result: {'accuracy': array(0.7056)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.9541335; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.51; FastEstimator-Train: step: 100; ce: 1.1455088; steps/sec: 4.38; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.96; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.48; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6668; ce: 0.93612516; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 4, 'search_idx': 14}, result: {'accuracy': array(0.6668)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.7567418; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.26; FastEstimator-Train: step: 100; ce: 1.282567; steps/sec: 4.41; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.71; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.98; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7226; ce: 0.798615; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 5, 'search_idx': 15}, result: {'accuracy': array(0.7226)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.7590394; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.47; FastEstimator-Train: step: 100; ce: 1.4954319; steps/sec: 4.37; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.8; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.28; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6924; ce: 0.8654661; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 6, 'search_idx': 16}, result: {'accuracy': array(0.6924)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2262855; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.55; FastEstimator-Train: step: 100; ce: 1.3346821; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.37; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.93; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6963; ce: 0.87705266; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 7, 'search_idx': 17}, result: {'accuracy': array(0.6963)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.167042; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.52; FastEstimator-Train: step: 100; ce: 1.5329132; steps/sec: 4.35; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.43; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.95; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6193; ce: 1.045656; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 8, 'search_idx': 18}, result: {'accuracy': array(0.6193)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.9219646; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.63; FastEstimator-Train: step: 100; ce: 1.5949701; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.51; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.15; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6451; ce: 0.99850863; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 9, 'search_idx': 19}, result: {'accuracy': array(0.6451)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1101475; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.65; FastEstimator-Train: step: 100; ce: 1.7324787; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.54; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.2; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6101; ce: 1.1077868; FastEstimator-Search: Evaluated {'level': 2, 'n_augment': 10, 'search_idx': 20}, result: {'accuracy': array(0.6101)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0964239; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.01; FastEstimator-Train: step: 100; ce: 1.1311069; steps/sec: 4.48; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.33; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.35; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7191; ce: 0.8233374; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 1, 'search_idx': 21}, result: {'accuracy': array(0.7191)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1337647; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.37; FastEstimator-Train: step: 100; ce: 1.205383; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.62; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.99; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7239; ce: 0.80256814; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 2, 'search_idx': 22}, result: {'accuracy': array(0.7239)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2789993; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.42; FastEstimator-Train: step: 100; ce: 1.276791; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.06; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.49; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7171; ce: 0.8085831; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 3, 'search_idx': 23}, result: {'accuracy': array(0.7171)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8361263; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.35; FastEstimator-Train: step: 100; ce: 1.3670535; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.91; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.27; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7107; ce: 0.8054635; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 4, 'search_idx': 24}, result: {'accuracy': array(0.7107)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.871302; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.54; FastEstimator-Train: step: 100; ce: 1.489609; steps/sec: 4.37; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.82; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.37; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6555; ce: 0.98562133; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 5, 'search_idx': 25}, result: {'accuracy': array(0.6555)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.4819298; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.6; FastEstimator-Train: step: 100; ce: 1.6446068; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.36; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.96; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6742; ce: 0.9476385; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 6, 'search_idx': 26}, result: {'accuracy': array(0.6742)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 4.0873394; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.91; FastEstimator-Train: step: 100; ce: 1.687464; steps/sec: 4.28; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.95; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.87; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6085; ce: 1.089679; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 7, 'search_idx': 27}, result: {'accuracy': array(0.6085)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1449676; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.66; FastEstimator-Train: step: 100; ce: 1.764868; steps/sec: 4.33; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.77; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.44; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6259; ce: 1.0368376; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 8, 'search_idx': 28}, result: {'accuracy': array(0.6259)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1046824; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.77; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.89; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.67; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 9, 'search_idx': 29}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8566678; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.8; FastEstimator-Train: step: 100; ce: 1.8648835; steps/sec: 4.31; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.79; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.6; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6246; ce: 1.0741681; FastEstimator-Search: Evaluated {'level': 3, 'n_augment': 10, 'search_idx': 30}, result: {'accuracy': array(0.6246)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8332338; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.16; FastEstimator-Train: step: 100; ce: 1.0343733; steps/sec: 4.46; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.18; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.35; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7084; ce: 0.8474976; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 1, 'search_idx': 31}, result: {'accuracy': array(0.7084)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.7122164; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.24; FastEstimator-Train: step: 100; ce: 1.1917021; steps/sec: 4.43; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.52; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.77; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7196; ce: 0.8170662; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 2, 'search_idx': 32}, result: {'accuracy': array(0.7196)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.328369; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.25; FastEstimator-Train: step: 100; ce: 1.2676015; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.02; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.28; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7042; ce: 0.8408674; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 3, 'search_idx': 33}, result: {'accuracy': array(0.7042)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.6085196; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.35; FastEstimator-Train: step: 100; ce: 1.5170465; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.82; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.18; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6629; ce: 0.94246566; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 4, 'search_idx': 34}, result: {'accuracy': array(0.6629)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.765719; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.32; FastEstimator-Train: step: 100; ce: 1.528698; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.72; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.04; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6823; ce: 0.9022401; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 5, 'search_idx': 35}, result: {'accuracy': array(0.6823)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.500556; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.54; FastEstimator-Train: step: 100; ce: 1.6991165; steps/sec: 4.38; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.43; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.98; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6137; ce: 1.1190977; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 6, 'search_idx': 36}, result: {'accuracy': array(0.6137)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.067878; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.56; FastEstimator-Train: step: 100; ce: 1.9257996; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.0; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.58; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5629; ce: 1.2205958; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 7, 'search_idx': 37}, result: {'accuracy': array(0.5629)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.4507442; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.82; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.35; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.44; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.26; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 8, 'search_idx': 38}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.3162022; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.56; FastEstimator-Train: step: 100; ce: 2.0213914; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.01; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.59; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5279; ce: 1.3138101; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 9, 'search_idx': 39}, result: {'accuracy': array(0.5279)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.6492672; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.19; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.24; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.04; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.23; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 4, 'n_augment': 10, 'search_idx': 40}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2705631; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.17; FastEstimator-Train: step: 100; ce: 1.1309263; steps/sec: 4.45; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 24.99; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.17; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.696; ce: 0.87389994; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 1, 'search_idx': 41}, result: {'accuracy': array(0.696)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8234515; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.23; FastEstimator-Train: step: 100; ce: 1.3771489; steps/sec: 4.43; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.56; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.8; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6899; ce: 0.8743973; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 2, 'search_idx': 42}, result: {'accuracy': array(0.6899)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1715097; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.35; FastEstimator-Train: step: 100; ce: 1.5278579; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.13; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.48; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6412; ce: 1.002902; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 3, 'search_idx': 43}, result: {'accuracy': array(0.6412)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2663307; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.5; FastEstimator-Train: step: 100; ce: 1.5974671; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.11; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.62; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6593; ce: 0.95459557; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 4, 'search_idx': 44}, result: {'accuracy': array(0.6593)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.6726453; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.42; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.41; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.26; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.69; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 5, 'search_idx': 45}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1344652; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.35; FastEstimator-Train: step: 100; ce: 1.9570116; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.73; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.09; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5328; ce: 1.3478166; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 6, 'search_idx': 46}, result: {'accuracy': array(0.5328)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.305982; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.5; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.99; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.5; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 7, 'search_idx': 47}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.040006; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.05; FastEstimator-Train: step: 100; ce: 1.9716702; steps/sec: 4.25; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.15; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.2; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5747; ce: 1.1995609; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 8, 'search_idx': 48}, result: {'accuracy': array(0.5747)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0960155; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.1; FastEstimator-Train: step: 100; ce: 2.0912366; steps/sec: 4.26; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.93; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.04; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.4556; ce: 1.5178225; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 9, 'search_idx': 49}, result: {'accuracy': array(0.4556)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.7592306; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.97; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.27; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.43; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.41; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 5, 'n_augment': 10, 'search_idx': 50}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1732714; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.17; FastEstimator-Train: step: 100; ce: 1.2936157; steps/sec: 4.45; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.73; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.91; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7199; ce: 0.799505; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 1, 'search_idx': 51}, result: {'accuracy': array(0.7199)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.7226164; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.32; FastEstimator-Train: step: 100; ce: 1.3017457; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.63; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.95; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7246; ce: 0.79248196; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 2, 'search_idx': 52}, result: {'accuracy': array(0.7246)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.6892486; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.49; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.39; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.57; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.06; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 3, 'search_idx': 53}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.6922214; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.43; FastEstimator-Train: step: 100; ce: 1.814074; steps/sec: 4.38; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.98; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.41; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5854; ce: 1.1603346; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 4, 'search_idx': 54}, result: {'accuracy': array(0.5854)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2284188; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.71; FastEstimator-Train: step: 100; ce: 1.9133695; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.48; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.2; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5663; ce: 1.1999153; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 5, 'search_idx': 55}, result: {'accuracy': array(0.5663)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8737028; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.36; FastEstimator-Train: step: 100; ce: 1.987889; steps/sec: 4.39; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.62; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.98; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5189; ce: 1.3380687; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 6, 'search_idx': 56}, result: {'accuracy': array(0.5189)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.71764; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.5; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.37; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.57; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.08; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 7, 'search_idx': 57}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.3482335; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.67; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.98; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.66; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 8, 'search_idx': 58}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1630101; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.81; FastEstimator-Train: step: 100; ce: 2.1740093; steps/sec: 4.32; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.24; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.05; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.3932; ce: 1.7120985; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 9, 'search_idx': 59}, result: {'accuracy': array(0.3932)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8076897; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.98; FastEstimator-Train: step: 100; ce: 2.236623; steps/sec: 4.3; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.05; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.04; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.3669; ce: 1.8697941; FastEstimator-Search: Evaluated {'level': 6, 'n_augment': 10, 'search_idx': 60}, result: {'accuracy': array(0.3669)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0963757; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.18; FastEstimator-Train: step: 100; ce: 1.2314649; steps/sec: 4.45; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.43; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.62; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7109; ce: 0.82596385; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 1, 'search_idx': 61}, result: {'accuracy': array(0.7109)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1501102; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.25; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.39; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.65; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 2, 'search_idx': 62}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.7818718; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.26; FastEstimator-Train: step: 100; ce: 1.7056005; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.17; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.43; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6361; ce: 1.038812; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 3, 'search_idx': 63}, result: {'accuracy': array(0.6361)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.9793453; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.47; FastEstimator-Train: step: 100; ce: 1.8752034; steps/sec: 4.38; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.98; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.46; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6131; ce: 1.1019995; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 4, 'search_idx': 64}, result: {'accuracy': array(0.6131)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.4119878; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.43; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.38; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.72; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.16; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 5, 'search_idx': 65}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2093797; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.59; FastEstimator-Train: step: 100; ce: 2.0931365; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.84; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.44; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.4841; ce: 1.4287336; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 6, 'search_idx': 66}, result: {'accuracy': array(0.4841)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.4956284; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.56; FastEstimator-Train: step: 100; ce: 2.1360703; steps/sec: 4.35; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.07; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.64; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.4239; ce: 1.6375405; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 7, 'search_idx': 67}, result: {'accuracy': array(0.4239)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8275812; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.72; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.27; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.44; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.17; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 8, 'search_idx': 68}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.21345; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.0; FastEstimator-Train: step: 100; ce: 2.1933594; steps/sec: 4.27; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.97; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.98; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.3857; ce: 1.7702761; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 9, 'search_idx': 69}, result: {'accuracy': array(0.3857)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.350339; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.11; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.19; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 27.03; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 50.15; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 7, 'n_augment': 10, 'search_idx': 70}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2491493; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.19; FastEstimator-Train: step: 100; ce: 1.2453423; steps/sec: 4.43; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.76; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.96; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7159; ce: 0.7959785; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 1, 'search_idx': 71}, result: {'accuracy': array(0.7159)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.7513027; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.29; FastEstimator-Train: step: 100; ce: 1.6292849; steps/sec: 4.43; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.47; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.76; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6437; ce: 1.0047156; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 2, 'search_idx': 72}, result: {'accuracy': array(0.6437)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.9092739; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.77; FastEstimator-Train: step: 100; ce: 1.7948446; steps/sec: 4.31; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.27; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.05; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6048; ce: 1.1249721; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 3, 'search_idx': 73}, result: {'accuracy': array(0.6048)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.471555; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.02; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.3; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.84; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.86; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 4, 'search_idx': 74}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1724777; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.12; FastEstimator-Train: step: 100; ce: 1.9945855; steps/sec: 4.26; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.77; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.9; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5102; ce: 1.3482234; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 5, 'search_idx': 75}, result: {'accuracy': array(0.5102)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.703637; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.51; FastEstimator-Train: step: 100; ce: 2.1506093; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.48; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.0; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.4307; ce: 1.5972002; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 6, 'search_idx': 76}, result: {'accuracy': array(0.4307)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0168998; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.45; FastEstimator-Train: step: 100; ce: 2.205754; steps/sec: 4.38; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.36; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.82; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.3869; ce: 1.6899872; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 7, 'search_idx': 77}, result: {'accuracy': array(0.3869)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0191288; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.07; FastEstimator-Train: step: 100; ce: 2.284215; steps/sec: 4.19; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.63; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.71; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.3745; ce: 1.7561195; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 8, 'search_idx': 78}, result: {'accuracy': array(0.3745)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.3962643; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.6; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.35; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.56; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.17; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 9, 'search_idx': 79}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 4.042224; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.65; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.34; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.21; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.87; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 8, 'n_augment': 10, 'search_idx': 80}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.5120277; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.2; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.44; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.37; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.58; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 1, 'search_idx': 81}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.384776; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.32; FastEstimator-Train: step: 100; ce: 1.7380135; steps/sec: 4.41; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.45; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.77; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6423; ce: 1.0112545; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 2, 'search_idx': 82}, result: {'accuracy': array(0.6423)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.2310488; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.36; FastEstimator-Train: step: 100; ce: 1.9320297; steps/sec: 4.39; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.74; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.11; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.6032; ce: 1.122815; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 3, 'search_idx': 83}, result: {'accuracy': array(0.6032)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0538912; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.29; FastEstimator-Train: step: 100; ce: 2.0388293; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.74; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.03; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5485; ce: 1.267946; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 4, 'search_idx': 84}, result: {'accuracy': array(0.5485)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.072659; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.33; FastEstimator-Train: step: 100; ce: 2.1367097; steps/sec: 4.41; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.35; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.69; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.4623; ce: 1.4880378; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 5, 'search_idx': 85}, result: {'accuracy': array(0.4623)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.846397; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.43; FastEstimator-Train: step: 100; ce: 2.1978693; steps/sec: 4.4; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.55; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.98; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.384; ce: 1.7155821; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 6, 'search_idx': 86}, result: {'accuracy': array(0.384)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1482124; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.47; FastEstimator-Train: step: 100; ce: 2.2627347; steps/sec: 4.39; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.47; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.95; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.3442; ce: 1.8372927; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 7, 'search_idx': 87}, result: {'accuracy': array(0.3442)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1506138; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.66; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.35; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.66; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.33; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 8, 'search_idx': 88}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0577683; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.8; FastEstimator-Train: step: 100; ce: 2.3006697; steps/sec: 4.32; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.84; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.65; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.2379; ce: 2.1127663; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 9, 'search_idx': 89}, result: {'accuracy': array(0.2379)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.730401; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.77; FastEstimator-Train: step: 100; ce: 2.3365083; steps/sec: 4.3; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.22; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.0; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.2346; ce: 2.0702062; FastEstimator-Search: Evaluated {'level': 9, 'n_augment': 10, 'search_idx': 90}, result: {'accuracy': array(0.2346)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.0932817; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.27; FastEstimator-Train: step: 100; ce: 1.3845799; steps/sec: 4.45; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.01; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.28; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.7071; ce: 0.8347637; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 1, 'search_idx': 91}, result: {'accuracy': array(0.7071)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.5432773; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.24; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.42; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.64; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.89; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 2, 'search_idx': 92}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.8601854; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.34; FastEstimator-Train: step: 100; ce: 1.9609244; steps/sec: 4.39; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.36; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.71; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.5412; ce: 1.2947414; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 3, 'search_idx': 93}, result: {'accuracy': array(0.5412)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1931086; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.75; FastEstimator-Train: step: 100; ce: 2.1428246; steps/sec: 4.32; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.93; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.68; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.4772; ce: 1.5078499; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 4, 'search_idx': 94}, result: {'accuracy': array(0.4772)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.1753492; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.38; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.39; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.63; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.01; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 5, 'search_idx': 95}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.59616; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.64; FastEstimator-Train: step: 100; ce: nan; steps/sec: 4.35; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.33; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 47.98; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1; ce: nan; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 6, 'search_idx': 96}, result: {'accuracy': array(0.1)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 2.841885; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.56; FastEstimator-Train: step: 100; ce: 2.2885725; steps/sec: 4.36; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.84; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.41; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.2412; ce: 2.026017; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 7, 'search_idx': 97}, result: {'accuracy': array(0.2412)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.092286; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.97; FastEstimator-Train: step: 100; ce: 2.300693; steps/sec: 4.28; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.93; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.91; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.2284; ce: 2.1246085; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 8, 'search_idx': 98}, result: {'accuracy': array(0.2284)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.7124777; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 23.0; FastEstimator-Train: step: 100; ce: 2.3068228; steps/sec: 4.25; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 25.9; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 48.91; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.2112; ce: 2.1596105; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 9, 'search_idx': 99}, result: {'accuracy': array(0.2112)} ______ __ ______ __ _ __ / ____/___ ______/ /_/ ____/____/ /_(_)___ ___ ____ _/ /_____ _____ / /_ / __ `/ ___/ __/ __/ / ___/ __/ / __ `__ \/ __ `/ __/ __ \/ ___/ / __/ / /_/ (__ ) /_/ /___(__ ) /_/ / / / / / / /_/ / /_/ /_/ / / /_/ \__,_/____/\__/_____/____/\__/_/_/ /_/ /_/\__,_/\__/\____/_/ FastEstimator-Warn: No ModelSaver Trace detected. Models will not be saved. FastEstimator-Start: step: 1; logging_interval: 100; num_device: 1; FastEstimator-Train: step: 1; ce: 3.086069; FastEstimator-Train: step: 98; epoch: 1; epoch_time(sec): 22.95; FastEstimator-Train: step: 100; ce: 2.3058147; steps/sec: 4.28; FastEstimator-Train: step: 196; epoch: 2; epoch_time(sec): 26.6; FastEstimator-Finish: step: 196; model_lr: 0.001; total_time(sec): 49.56; FastEstimator-Test: step: 196; epoch: 2; accuracy: 0.1237; ce: 2.311249; FastEstimator-Search: Evaluated {'level': 10, 'n_augment': 10, 'search_idx': 100}, result: {'accuracy': array(0.1237)}
Visualize the grid search results:¶
fe.search.visualize.visualize_search(search)
# The output saved here was computed from a short version of the search (2 epochs rather than 50). The full training will look different