This tutorial illustrates how to add a trial-level early stopping strategy to an Ax HPO loop. The goal of trial-level early stopping is to monitor the results of expensive evaluations and terminate those that are unlikely to produce promising results, freeing up resources to explore more configurations.
Most of this tutorial is adapted from the PyTorch Ax Multiobjective NAS Tutorial. The training job is different from the original in that we do not optimize batch_size
or epochs
. This was done for illustrative purposes, as each validation curve now has the same number of points. The companion training file mnist_train_nas.py
has also been altered to log to Tensorboard during training.
NOTE: Although the original NAS tutorial is for a multi-objective problem, this tutorial focuses on a single objective (validation accuracy) problem. Early stopping currently does not support "true" multi-objective stopping, although one can use logical compositions of early stopping strategies to target multiple objectives separately. Early stopping for the multi-objective case is currently work-in-progress.
import tempfile
from pathlib import Path
import torch
import torchx
from ax.core import Experiment, Objective, ParameterType, RangeParameter, SearchSpace
from ax.core.optimization_config import OptimizationConfig
from ax.early_stopping.strategies import PercentileEarlyStoppingStrategy
from ax.metrics.tensorboard import TensorboardCurveMetric
from ax.modelbridge.dispatch_utils import choose_generation_strategy
from ax.runners.torchx import TorchXRunner
from ax.service.scheduler import Scheduler, SchedulerOptions
from ax.service.utils.report_utils import exp_to_df
from torchx import specs
from torchx.components import utils
from matplotlib import pyplot as plt
%matplotlib inline
Our goal is to optimize the PyTorch Lightning training job defined in mnist_train_nas.py. To do this using TorchX, we write a helper function that takes in the values of the architcture and hyperparameters of the training job and creates a TorchX AppDef with the appropriate settings.
def trainer(
log_path: str,
hidden_size_1: int,
hidden_size_2: int,
learning_rate: float,
dropout: float,
trial_idx: int = -1,
) -> specs.AppDef:
# define the log path so we can pass it to the TorchX AppDef
if trial_idx >= 0:
log_path = Path(log_path).joinpath(str(trial_idx)).absolute().as_posix()
epochs = 10
batch_size = 32
return utils.python(
# command line args to the training script
"--log_path",
log_path,
"--hidden_size_1",
str(hidden_size_1),
"--hidden_size_2",
str(hidden_size_2),
"--learning_rate",
str(learning_rate),
"--epochs",
str(epochs),
"--dropout",
str(dropout),
"--batch_size",
str(batch_size),
# other config options
name="trainer",
script="mnist_train_nas.py",
image=torchx.version.TORCHX_IMAGE,
)
Ax’s Runner
abstraction allows writing interfaces to various backends.
Ax already comes with Runner for TorchX, and so we just need to
configure it. For the purpose of this tutorial we run jobs locally
in a fully asynchronous fashion. In order to launch them on a cluster, you can instead specify a
different TorchX scheduler and adjust the configuration appropriately.
For example, if you have a Kubernetes cluster, you just need to change the
scheduler from local_cwd
to kubernetes
).
The training job launched by this runner will log partial results to Tensorboard, which will then be monitored by the early stopping strategy. We will show how this is done using an Ax TensorboardCurveMetric below.
# Make a temporary dir to log our results into
log_dir = tempfile.mkdtemp()
ax_runner = TorchXRunner(
tracker_base="/tmp/",
component=trainer,
# NOTE: To launch this job on a cluster instead of locally you can
# specify a different scheduler and adjust args appropriately.
scheduler="local_cwd",
component_const_params={"log_path": log_dir},
cfg={},
)
First, we define our search space. Ax supports both range parameters of type integer and float as well as choice parameters which can have non-numerical types such as strings. We will tune the hidden sizes, learning rate, and dropout parameters.
parameters = [
# NOTE: In a real-world setting, hidden_size_1 and hidden_size_2
# should probably be powers of 2, but in our simple example this
# would mean that num_params can't take on that many values, which
# in turn makes the Pareto frontier look pretty weird.
RangeParameter(
name="hidden_size_1",
lower=16,
upper=128,
parameter_type=ParameterType.INT,
log_scale=True,
),
RangeParameter(
name="hidden_size_2",
lower=16,
upper=128,
parameter_type=ParameterType.INT,
log_scale=True,
),
RangeParameter(
name="learning_rate",
lower=1e-4,
upper=1e-2,
parameter_type=ParameterType.FLOAT,
log_scale=True,
),
RangeParameter(
name="dropout",
lower=0.0,
upper=0.5,
parameter_type=ParameterType.FLOAT,
),
]
search_space = SearchSpace(
parameters=parameters,
# NOTE: In practice, it may make sense to add a constraint
# hidden_size_2 <= hidden_size_1
parameter_constraints=[],
)
Ax has the concept of a Metric that defines properties of outcomes and how observations are obtained for these outcomes. This allows e.g. encodig how data is fetched from some distributed execution backend and post-processed before being passed as input to Ax.
We will optimize the validation accuracy, which is a TensorboardCurveMetric
that points to the logging directory assigned above. Note that we have set is_available_while_running
, allowing for the metric to be queried as the trial progresses. This is critical for the early stopping strategy to monitor partial results.
class MyTensorboardMetric(TensorboardCurveMetric):
# NOTE: We need to tell the new Tensorboard metric how to get the id /
# file handle for the tensorboard logs from a trial. In this case
# our convention is to just save a separate file per trial in
# the pre-specified log dir.
@classmethod
def get_ids_from_trials(cls, trials):
return {
trial.index: Path(log_dir).joinpath(str(trial.index)).as_posix()
for trial in trials
}
# This indicates whether the metric is queryable while the trial is
# still running. This is required for early stopping to monitor the
# progress of the running trial.ArithmeticError
@classmethod
def is_available_while_running(cls):
return True
val_acc = MyTensorboardMetric(
name="val_acc",
curve_name="val_acc",
lower_is_better=False,
)
The OptimizationConfig
specifies the objective for Ax to optimize.
opt_config = OptimizationConfig(
objective=Objective(
metric=val_acc,
minimize=False,
)
)
A PercentileEarlyStoppingStrategy
is a simple method that stops a trial if its performance falls below a certain percentile of other trials at the same step (e.g., when percentile_threshold
is 50, at a given point in time, if a trial ranks in the bottom 50% of trials, it is stopped).
normalize_progressions
which normalizes the progression column (e.g. timestamp, epochs, training data used) to be in [0, 1]. This is useful because one doesn't need to know the maximum progression values of the curve (which might be, e.g., the total number of data points in the training dataset).min_progression
parameter specifies that trials should only be considered for stopping if the latest progression value is greater than this threshold.min_curves
parameter specifies the minimum number of completed curves (i.e., fully completed training jobs) before early stopping will be considered. This should be larger than zero if normalize_progression
is used. In general, we want a few completed curves to have a baseline for comparison.Note that PercentileEarlyStoppingStrategy
does not make use of learning curve modeling or prediction. More sophisticated model-based methods will be available in future versions of Ax.
percentile_early_stopping_strategy = PercentileEarlyStoppingStrategy(
# stop if in bottom 70% of runs at the same progression
percentile_threshold=70,
# the trial must have passed `min_progression` steps before early stopping is initiated
# note that we are using `normalize_progressions`, so this is on a scale of [0, 1]
min_progression=0.3,
# there must be `min_curves` completed trials and `min_curves` trials reporting data in
# order for early stopping to be applicable
min_curves=5,
# specify, e.g., [0, 1] if the first two trials should never be stopped
trial_indices_to_ignore=None,
# check for new data every 10 seconds
seconds_between_polls=10,
normalize_progressions=True,
)
In Ax, the Experiment object is the object that stores all the information about the problem setup.
experiment = Experiment(
name="torchx_mnist",
search_space=search_space,
optimization_config=opt_config,
runner=ax_runner,
)
A GenerationStrategy is the abstract representation of how we would like to perform the optimization. While this can be customized (if you’d like to do so, see this tutorial), in most cases Ax can automatically determine an appropriate strategy based on the search space, optimization config, and the total number of trials we want to run.
Typically, Ax chooses to evaluate a number of random configurations before starting a model-based Bayesian Optimization strategy.
We remark that in Ax, generation strategies and early stopping strategies are separate, a design decision motivated by ease-of-use. However, we should acknowledge that jointly considering generation and stopping using a single strategy would likely be the "proper" formulation.
total_trials = 15 # total evaluation budget
gs = choose_generation_strategy(
search_space=experiment.search_space,
optimization_config=experiment.optimization_config,
num_trials=total_trials,
)
[INFO 11-10 22:16:06] ax.modelbridge.dispatch_utils: Using Bayesian optimization since there are more ordered parameters than there are categories for the unordered categorical parameters. [INFO 11-10 22:16:06] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+GPEI', steps=[Sobol for 5 trials, GPEI for subsequent trials]). Iterations after 5 will take longer to generate due to model-fitting.
The Scheduler
acts as the loop control for the optimization.
It communicates with the backend to launch trials, check their status, retrieve (partial) results, and importantly for this tutorial, calls the early stopping strategy. If the early stopping strategy suggests a trial to be the stopped, the Scheduler
communicates with the backend to terminate the trial.
The Scheduler
requires the Experiment
and the GenerationStrategy
.
A set of options can be passed in via SchedulerOptions
. Here, we
configure the number of total evaluations as well as max_pending_trials
,
the maximum number of trials that should run concurrently. In our
local setting, this is the number of training jobs running as individual
processes, while in a remote execution setting, this would be the number
of machines you want to use in parallel.
scheduler = Scheduler(
experiment=experiment,
generation_strategy=gs,
options=SchedulerOptions(
total_trials=total_trials, max_pending_trials=5, early_stopping_strategy=percentile_early_stopping_strategy
),
)
[INFO 11-10 22:16:06] Scheduler: `Scheduler` requires experiment to have immutable search space and optimization config. Setting property immutable_search_space_and_opt_config to `True` on experiment.
scheduler.run_all_trials()
/home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning: In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning. for g, d in df.groupby(by=cols): [INFO 11-10 22:16:06] Scheduler: Running trials [0]... /home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning: In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning. for g, d in df.groupby(by=cols): [INFO 11-10 22:16:06] Scheduler: Running trials [1]... /home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning: In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning. for g, d in df.groupby(by=cols): [INFO 11-10 22:16:07] Scheduler: Running trials [2]... /home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning: In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning. for g, d in df.groupby(by=cols): [INFO 11-10 22:16:08] Scheduler: Running trials [3]... /home/runner/work/Ax/Ax/ax/core/observation.py:274: FutureWarning: In a future version of pandas, a length 1 tuple will be returned when iterating over a groupby with a grouper equal to a list of length 1. Don't supply a list with a single grouper to avoid this warning. for g, d in df.groupby(by=cols): [INFO 11-10 22:16:08] Scheduler: Running trials [4]... [WARNING 11-10 22:16:08] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:16:08] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:16:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:16:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:16:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:16:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:16:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:16:08] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:16:08] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:16:18] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:16:18] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:16:18] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:16:18] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:16:18] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:16:18] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:16:18] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:16:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:16:28] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:16:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:16:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:16:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:16:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:16:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:16:29] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:16:29] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:16:39] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:16:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:16:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:16:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:16:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:16:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:16:39] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:16:39] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:16:49] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:16:49] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:16:49] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:16:49] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:16:49] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:16:49] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:16:49] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:16:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:16:59] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:16:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:16:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:16:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:16:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:16:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:16:59] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:16:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:17:09] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:17:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:17:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:17:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:17:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:17:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:17:09] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:17:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:17:19] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:17:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:17:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:17:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:17:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:17:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:17:19] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:17:19] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:17:29] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:17:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:17:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:17:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:17:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:17:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:17:29] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:17:29] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:17:39] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:17:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:17:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:17:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:17:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:17:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:17:40] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:17:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:17:50] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:17:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:17:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/1. Returning without this metric. [INFO 11-10 22:17:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:17:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:17:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:17:50] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials. [INFO 11-10 22:17:50] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:18:00] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:18:00] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:18:00] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:18:00] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:18:00] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/4. Returning without this metric. [INFO 11-10 22:18:00] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:18:00] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:18:10] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:18:10] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:18:10] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:18:10] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/3. Returning without this metric. [INFO 11-10 22:18:10] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:18:10] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:18:20] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:18:20] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:18:20] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:18:21] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:18:21] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:18:31] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:18:31] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:18:31] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:18:31] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:18:31] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:18:41] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:18:41] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:18:41] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:18:42] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:18:42] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:18:52] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:18:52] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:18:52] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/2. Returning without this metric. [INFO 11-10 22:18:52] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:18:52] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:19:02] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:19:02] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:19:03] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:19:03] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:19:13] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:19:13] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:19:13] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:19:13] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:19:23] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:19:23] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:19:23] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:19:23] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:19:33] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:19:34] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:19:34] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:19:34] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:19:44] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:19:44] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:19:44] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:19:44] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:19:54] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:19:54] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:19:55] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:19:55] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:20:05] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:20:05] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/0. Returning without this metric. [INFO 11-10 22:20:05] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:20:05] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:20:15] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:20:16] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:20:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:20:26] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:20:26] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:20:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:20:36] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:20:37] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:20:37] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:20:47] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:20:47] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:20:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:20:57] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:20:58] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:20:58] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:21:08] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:21:08] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:21:08] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:21:18] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:21:19] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:21:19] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:21:29] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:21:29] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:21:29] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:21:39] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:21:40] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:21:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:21:50] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:21:50] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:21:50] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:22:00] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:22:01] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:22:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:22:11] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:22:11] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:22:11] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:22:21] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:22:22] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:22:22] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:22:32] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:22:32] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:22:32] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:22:42] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:22:43] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:22:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:22:53] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:22:53] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:22:53] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:23:03] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:23:04] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:23:04] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:23:14] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:23:14] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:23:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:23:24] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:23:25] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:23:25] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:23:35] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:23:35] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:23:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:23:45] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:23:46] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:23:46] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:23:56] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:23:56] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:23:56] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:24:06] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:24:06] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:24:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:24:16] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:24:17] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:24:17] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:24:27] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:24:27] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:24:27] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:24:37] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:24:38] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:24:38] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:24:48] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:24:48] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:24:48] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:24:58] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:24:59] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:24:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:25:09] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:25:09] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:25:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:25:19] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:25:20] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:25:20] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:25:30] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:25:30] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:25:30] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:25:40] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:25:41] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:25:41] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:25:51] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:25:51] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:25:51] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:26:01] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:26:02] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:26:02] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:26:12] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:26:12] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:26:12] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:26:22] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:26:23] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:26:23] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:26:33] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:26:33] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:26:33] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:26:43] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:26:44] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:26:44] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:26:54] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:26:54] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:26:54] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:27:04] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:27:05] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:27:05] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:27:15] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:27:15] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:27:15] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:27:25] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:27:26] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:27:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:27:36] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:27:36] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:27:36] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:27:46] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:27:47] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:27:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:27:57] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:27:57] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:27:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:28:07] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:28:08] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:28:08] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:28:18] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:28:18] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:28:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:28:28] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:28:29] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:28:29] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:28:39] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:28:39] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:28:39] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:28:49] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:28:50] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:28:50] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:29:00] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:29:00] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:29:00] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:29:10] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:29:11] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:29:11] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:29:21] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:29:21] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:29:21] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:29:31] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:29:31] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:29:31] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:29:41] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:29:42] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:29:42] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:29:52] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:29:52] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:29:52] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:30:02] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:30:03] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:30:03] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:30:13] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:30:13] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:30:13] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:30:23] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:30:24] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:30:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:30:34] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:30:34] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:30:34] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:30:44] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:30:45] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:30:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:30:55] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:30:55] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:30:55] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:31:05] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:31:06] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:31:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:31:16] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:31:16] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:31:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:31:26] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:31:27] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:31:27] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:31:37] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:31:37] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:31:37] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:31:47] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:31:48] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:31:48] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:31:58] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:31:58] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [WARNING 11-10 22:31:58] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:31:58] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:31:58] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:31:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:32:09] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:32:09] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:32:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:32:19] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:32:20] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:32:20] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:32:30] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:32:30] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:32:30] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:32:40] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:32:41] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:32:41] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:32:51] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:32:51] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:32:51] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:33:01] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:33:02] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:33:02] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:33:12] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:33:12] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:33:12] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:33:22] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:33:23] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:33:23] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:33:33] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:33:33] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:33:33] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:33:43] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:33:44] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:33:44] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:33:54] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:33:54] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:33:54] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:34:04] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:34:05] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:34:05] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:34:15] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:34:15] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:34:15] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:34:25] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:34:26] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:34:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:34:36] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:34:36] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:34:36] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:34:46] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:34:47] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:34:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:34:57] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:34:57] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:34:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:35:07] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:35:08] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:35:08] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:35:18] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:35:18] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:35:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:35:29] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:35:29] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:35:29] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:35:39] Scheduler: Fetching data for trials: 0 - 4 because some metrics on experiment are available while trials are running. [INFO 11-10 22:35:40] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:35:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:35:50] Scheduler: Fetching data for trials: [0, 2, 3, 4] because some metrics on experiment are available while trials are running. [INFO 11-10 22:35:50] ax.early_stopping.strategies.base: The number of completed trials (0) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:35:50] Scheduler: Retrieved COMPLETED trials: [1]. [INFO 11-10 22:35:50] Scheduler: Fetching data for trials: [1]. [WARNING 11-10 22:35:50] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:35:50] Scheduler: Fetching data for trials: [0, 2, 3, 4] because some metrics on experiment are available while trials are running. [INFO 11-10 22:35:50] ax.early_stopping.strategies.base: The number of completed trials (1) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:35:50] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:36:00] Scheduler: Fetching data for trials: [0, 2, 3, 4] because some metrics on experiment are available while trials are running. [INFO 11-10 22:36:01] ax.early_stopping.strategies.base: The number of completed trials (1) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:36:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:36:11] Scheduler: Fetching data for trials: [0, 2, 3] because some metrics on experiment are available while trials are running. [INFO 11-10 22:36:11] ax.early_stopping.strategies.base: The number of completed trials (1) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:36:11] Scheduler: Retrieved COMPLETED trials: [4]. [INFO 11-10 22:36:11] Scheduler: Fetching data for trials: [4]. [WARNING 11-10 22:36:11] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:36:11] Scheduler: Fetching data for trials: [0, 2, 3] because some metrics on experiment are available while trials are running. [INFO 11-10 22:36:11] ax.early_stopping.strategies.base: The number of completed trials (2) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:36:11] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:36:21] Scheduler: Fetching data for trials: [0, 2] because some metrics on experiment are available while trials are running. [INFO 11-10 22:36:22] ax.early_stopping.strategies.base: The number of completed trials (2) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:36:22] Scheduler: Retrieved COMPLETED trials: [3]. [INFO 11-10 22:36:22] Scheduler: Fetching data for trials: [3]. [INFO 11-10 22:36:27] Scheduler: Running trials [5]... [INFO 11-10 22:37:08] Scheduler: Running trials [6]... [INFO 11-10 22:37:34] Scheduler: Running trials [7]... [WARNING 11-10 22:37:35] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:37:35] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:37:35] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:37:35] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:37:35] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:37:35] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:37:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:37:45] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:37:45] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:37:45] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:37:45] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:37:46] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:37:46] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:37:56] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:37:56] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:37:56] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:37:56] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:37:56] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:37:56] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:38:06] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:38:06] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:38:06] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:38:06] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:38:06] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:38:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:38:16] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:38:16] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:38:16] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:38:16] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:38:17] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:38:17] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:38:27] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:38:27] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:38:27] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:38:27] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:38:27] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:38:27] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:38:37] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:38:37] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:38:37] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:38:37] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:38:37] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:38:38] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:38:48] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:38:48] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:38:48] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:38:48] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:38:48] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:38:48] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:38:58] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:38:58] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:38:58] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:38:58] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:38:58] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:38:58] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:39:08] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:39:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:39:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:39:08] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:39:09] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:39:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:39:19] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:39:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:39:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:39:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:39:19] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:39:19] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:39:29] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:39:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:39:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:39:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:39:29] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:39:29] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:39:39] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:39:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/5. Returning without this metric. [INFO 11-10 22:39:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:39:39] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:39:40] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:39:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:39:50] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:39:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:39:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:39:50] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:39:50] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:40:00] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:40:00] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:40:00] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:40:01] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:40:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:40:11] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:40:11] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:40:11] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:40:11] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:40:11] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:40:21] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:40:21] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:40:21] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:40:21] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:40:21] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:40:31] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:40:32] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:40:32] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:40:32] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:40:32] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:40:42] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:40:42] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:40:42] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:40:42] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:40:42] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:40:52] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:40:52] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/6. Returning without this metric. [INFO 11-10 22:40:52] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:40:53] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:40:53] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:41:03] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:41:03] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:41:03] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:41:03] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:41:13] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:41:13] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:41:14] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:41:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:41:24] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:41:24] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/7. Returning without this metric. [INFO 11-10 22:41:24] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:41:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:41:34] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:41:35] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:41:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:41:45] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:41:45] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:41:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:41:55] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:41:56] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:41:56] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:42:06] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:42:06] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:42:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:42:16] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:42:16] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:42:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:42:26] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:42:27] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:42:27] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:42:37] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:42:37] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:42:37] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:42:47] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:42:48] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:42:48] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:42:58] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:42:58] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:42:58] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:43:08] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:43:09] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:43:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:43:19] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:43:19] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:43:19] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:43:29] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:43:30] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:43:30] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:43:40] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:43:40] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:43:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:43:50] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:43:51] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:43:51] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:44:01] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:44:01] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:44:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:44:11] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:44:12] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:44:12] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:44:22] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:44:22] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:44:22] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:44:32] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:44:33] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:44:33] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:44:43] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:44:43] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:44:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:44:53] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:44:54] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:44:54] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:45:04] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:45:04] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:45:04] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:45:14] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:45:15] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:45:15] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:45:25] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:45:25] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:45:25] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:45:35] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:45:36] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:45:36] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:45:46] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:45:46] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:45:46] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:45:56] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:45:57] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:45:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:46:07] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:46:07] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:46:07] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:46:17] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:46:18] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:46:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:46:28] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:46:28] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:46:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:46:38] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:46:39] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:46:39] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:46:49] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:46:49] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:46:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:46:59] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:47:00] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:47:00] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:47:10] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:47:10] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:47:10] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:47:20] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:47:21] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:47:21] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:47:31] Scheduler: Fetching data for trials: [0, 2, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:47:31] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:47:31] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 5). [INFO 11-10 22:47:41] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:47:42] ax.early_stopping.strategies.base: The number of completed trials (3) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:47:42] Scheduler: Retrieved COMPLETED trials: [2]. [INFO 11-10 22:47:42] Scheduler: Fetching data for trials: [2]. [WARNING 11-10 22:47:43] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:47:43] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:47:43] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:47:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:47:53] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:47:53] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:47:53] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:48:03] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:48:04] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:48:04] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:48:14] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:48:14] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:48:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:48:24] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:48:24] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:48:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:48:34] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:48:35] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:48:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:48:45] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:48:45] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:48:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:48:55] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:48:56] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:48:56] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:49:06] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:49:06] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:49:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:49:16] Scheduler: Fetching data for trials: [0, 5, 6, 7] because some metrics on experiment are available while trials are running. [INFO 11-10 22:49:16] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:49:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 4). [INFO 11-10 22:49:26] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:49:26] ax.early_stopping.strategies.base: The number of completed trials (4) is less than the minimum number of curves needed for early stopping (5). Not early stopping. [INFO 11-10 22:49:26] Scheduler: Retrieved COMPLETED trials: [0]. [INFO 11-10 22:49:26] Scheduler: Fetching data for trials: [0]. [WARNING 11-10 22:49:27] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:49:27] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:49:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664. [INFO 11-10 22:49:28] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials. [INFO 11-10 22:49:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:49:38] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:49:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:49:38] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:49:38] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:49:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:49:38] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9583000242710114) across comparable trials. [INFO 11-10 22:49:38] ax.early_stopping.strategies.percentile: Considering trial 6 for early stopping. [INFO 11-10 22:49:38] ax.early_stopping.strategies.base: Last progression of Trial 6 is 0.29994666666666664. [INFO 11-10 22:49:38] ax.early_stopping.strategies.base: Trial 6's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:49:38] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:49:38] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.29994666666666664. [INFO 11-10 22:49:38] ax.early_stopping.strategies.base: Trial 7's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:49:38] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:49:48] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:49:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:49:48] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:49:48] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:49:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:49:48] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9583000242710114) across comparable trials. [INFO 11-10 22:49:48] ax.early_stopping.strategies.percentile: Considering trial 6 for early stopping. [INFO 11-10 22:49:48] ax.early_stopping.strategies.base: Last progression of Trial 6 is 0.29994666666666664. [INFO 11-10 22:49:48] ax.early_stopping.strategies.base: Trial 6's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:49:48] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:49:48] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.29994666666666664. [INFO 11-10 22:49:48] ax.early_stopping.strategies.base: Trial 7's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:49:48] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:49:58] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:49:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:49:58] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:49:58] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:49:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:49:59] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9583000242710114) across comparable trials. [INFO 11-10 22:49:59] ax.early_stopping.strategies.percentile: Considering trial 6 for early stopping. [INFO 11-10 22:49:59] ax.early_stopping.strategies.base: Last progression of Trial 6 is 0.29994666666666664. [INFO 11-10 22:49:59] ax.early_stopping.strategies.base: Trial 6's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:49:59] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:49:59] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.29994666666666664. [INFO 11-10 22:49:59] ax.early_stopping.strategies.base: Trial 7's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:49:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:50:09] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:50:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:50:09] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:50:09] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:50:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:09] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9583000242710114) across comparable trials. [INFO 11-10 22:50:09] ax.early_stopping.strategies.percentile: Considering trial 6 for early stopping. [INFO 11-10 22:50:09] ax.early_stopping.strategies.base: Last progression of Trial 6 is 0.29994666666666664. [INFO 11-10 22:50:09] ax.early_stopping.strategies.base: Trial 6's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:50:09] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:50:09] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.29994666666666664. [INFO 11-10 22:50:09] ax.early_stopping.strategies.base: Trial 7's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:50:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:50:19] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:50:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:50:19] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:50:19] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:50:19] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:19] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9583000242710114) across comparable trials. [INFO 11-10 22:50:19] ax.early_stopping.strategies.percentile: Considering trial 6 for early stopping. [INFO 11-10 22:50:19] ax.early_stopping.strategies.base: Last progression of Trial 6 is 0.29994666666666664. [INFO 11-10 22:50:19] ax.early_stopping.strategies.base: Trial 6's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:50:19] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:50:19] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.29994666666666664. [INFO 11-10 22:50:19] ax.early_stopping.strategies.base: Trial 7's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:50:19] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:50:29] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:50:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:50:29] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:50:29] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:50:29] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:29] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9583000242710114) across comparable trials. [INFO 11-10 22:50:29] ax.early_stopping.strategies.percentile: Considering trial 6 for early stopping. [INFO 11-10 22:50:29] ax.early_stopping.strategies.base: Last progression of Trial 6 is 0.29994666666666664. [INFO 11-10 22:50:29] ax.early_stopping.strategies.base: Trial 6's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:50:29] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:50:29] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.29994666666666664. [INFO 11-10 22:50:29] ax.early_stopping.strategies.base: Trial 7's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:50:29] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:50:39] Scheduler: Fetching data for trials: 5 - 7 because some metrics on experiment are available while trials are running. [INFO 11-10 22:50:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:50:40] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:50:40] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:50:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:40] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9567599892616272) across comparable trials. [INFO 11-10 22:50:40] ax.early_stopping.strategies.percentile: Considering trial 6 for early stopping. [INFO 11-10 22:50:40] ax.early_stopping.strategies.base: Last progression of Trial 6 is 0.3999466666666667. [INFO 11-10 22:50:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:40] ax.early_stopping.strategies.percentile: Early stopping decision for 6: True. Reason: Trial objective value 0.9538999795913696 is worse than 70.0-th percentile (0.9567599892616272) across comparable trials. [INFO 11-10 22:50:40] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:50:40] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.29994666666666664. [INFO 11-10 22:50:40] ax.early_stopping.strategies.base: Trial 7's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:50:40] Scheduler: Retrieved EARLY_STOPPED trials: [6]. [INFO 11-10 22:50:43] Scheduler: Running trials [8]... [INFO 11-10 22:50:45] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached. [WARNING 11-10 22:50:45] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:50:45] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:50:45] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:50:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:50:45] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:50:45] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:50:45] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:50:45] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:50:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:45] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:50:45] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:50:45] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:50:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:45] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:50:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:50:55] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:50:55] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:50:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:50:55] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:50:55] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:50:55] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:50:55] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:50:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:55] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:50:55] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:50:55] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:50:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:50:55] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:50:55] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:51:05] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:51:05] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:51:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 22:51:05] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:51:05] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:51:05] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:51:05] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.3999466666666667. [INFO 11-10 22:51:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:51:05] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9713000059127808 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:51:05] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:51:05] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:51:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:51:06] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:51:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:51:16] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:51:16] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:51:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:51:16] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:51:16] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:51:16] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:51:16] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:51:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:51:16] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.960750013589859) across comparable trials. [INFO 11-10 22:51:16] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:51:16] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:51:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:51:16] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:51:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:51:26] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:51:26] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:51:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:51:26] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:51:26] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:51:26] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:51:26] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:51:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:51:26] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.960750013589859) across comparable trials. [INFO 11-10 22:51:26] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:51:26] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:51:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:51:26] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:51:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:51:36] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:51:36] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:51:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:51:36] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:51:36] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:51:36] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:51:36] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:51:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:51:36] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.960750013589859) across comparable trials. [INFO 11-10 22:51:36] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:51:36] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:51:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:51:36] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:51:36] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:51:46] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:51:46] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:51:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:51:47] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:51:47] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:51:47] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:51:47] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:51:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:51:47] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.960750013589859) across comparable trials. [INFO 11-10 22:51:47] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:51:47] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:51:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:51:47] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:51:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:51:57] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:51:57] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:51:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:51:57] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:51:57] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:51:57] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:51:57] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:51:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:51:57] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.960750013589859) across comparable trials. [INFO 11-10 22:51:57] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:51:57] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:51:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:51:57] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:51:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:52:07] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:52:07] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:52:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:52:07] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:52:07] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:52:07] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:52:07] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:52:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:52:07] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.960750013589859) across comparable trials. [INFO 11-10 22:52:07] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:52:07] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:52:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:52:07] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:52:07] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:52:17] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:52:17] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/8. Returning without this metric. [INFO 11-10 22:52:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:52:17] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:52:17] ax.early_stopping.strategies.base: There is not yet any data associated with trial 8. Not early stopping this trial. [INFO 11-10 22:52:17] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:52:18] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:52:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:52:18] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.960750013589859) across comparable trials. [INFO 11-10 22:52:18] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:52:18] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667. [INFO 11-10 22:52:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:52:18] ax.early_stopping.strategies.percentile: Early stopping decision for 7: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9610099792480469) across comparable trials. [INFO 11-10 22:52:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:52:28] Scheduler: Fetching data for trials: [5, 7, 8] because some metrics on experiment are available while trials are running. [INFO 11-10 22:52:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:52:28] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:52:28] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:52:28] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:52:28] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:52:28] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:52:28] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:52:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:52:28] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.9666199922561646) across comparable trials. [INFO 11-10 22:52:28] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping. [INFO 11-10 22:52:28] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.49994666666666665. [INFO 11-10 22:52:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:52:28] ax.early_stopping.strategies.percentile: Early stopping decision for 7: True. Reason: Trial objective value 0.9657999873161316 is worse than 70.0-th percentile (0.9666199922561646) across comparable trials. [INFO 11-10 22:52:28] Scheduler: Retrieved EARLY_STOPPED trials: [7]. /opt/hostedtoolcache/Python/3.8.14/x64/lib/python3.8/site-packages/botorch/optim/optimize.py:306: RuntimeWarning: Optimization failed in `gen_candidates_scipy` with the following warning(s): [NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal')] Trying again with a new set of initial conditions. warnings.warn(first_warn_msg, RuntimeWarning) /opt/hostedtoolcache/Python/3.8.14/x64/lib/python3.8/site-packages/botorch/optim/optimize.py:328: RuntimeWarning: Optimization failed on the second try, after generating a new set of initial conditions. warnings.warn( [INFO 11-10 22:52:42] Scheduler: Running trials [9]... [INFO 11-10 22:52:43] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached. [WARNING 11-10 22:52:43] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 22:52:43] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:52:43] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:52:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:52:43] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:52:43] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:52:43] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:52:43] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:52:43] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:52:43] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:52:43] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:52:43] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:52:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:52:43] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.9666199922561646) across comparable trials. [INFO 11-10 22:52:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:52:53] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:52:53] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:52:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 22:52:53] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:52:53] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:52:53] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:52:53] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:52:53] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:52:53] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:52:53] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:52:53] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.49994666666666665. [INFO 11-10 22:52:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:52:53] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.973800003528595 is better than 70.0-th percentile (0.9666199922561646) across comparable trials. [INFO 11-10 22:52:53] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:53:03] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:53:03] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:53:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:53:04] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:53:04] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:53:04] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:53:04] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:53:04] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:53:04] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:53:04] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:53:04] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:53:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:53:04] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:53:04] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:53:14] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:53:14] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:53:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:53:14] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:53:14] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:53:14] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:53:14] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:53:14] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:53:14] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:53:14] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:53:14] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:53:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:53:14] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:53:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:53:24] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:53:24] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:53:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:53:24] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:53:24] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:53:24] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:53:24] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:53:24] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:53:24] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:53:24] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:53:24] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:53:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:53:24] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:53:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:53:34] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:53:34] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:53:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:53:35] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:53:35] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:53:35] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:53:35] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:53:35] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:53:35] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:53:35] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:53:35] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:53:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:53:35] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:53:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:53:45] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:53:45] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:53:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:53:45] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:53:45] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:53:45] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:53:45] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:53:45] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:53:45] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:53:45] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:53:45] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:53:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:53:45] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:53:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:53:55] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:53:55] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:53:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:53:55] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:53:55] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:53:55] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:53:55] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:53:55] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:53:55] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:53:55] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:53:55] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:53:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:53:55] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:53:55] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:54:05] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:54:05] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:54:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:54:06] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:54:06] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:54:06] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.09994666666666667. [INFO 11-10 22:54:06] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:54:06] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:54:06] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:54:06] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:54:06] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:54:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:54:06] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:54:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:54:16] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:54:16] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:54:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:54:16] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:54:16] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:54:16] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:54:16] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:54:16] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:54:16] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:54:16] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:54:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:54:16] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:54:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:54:26] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:54:26] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:54:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:54:26] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:54:26] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:54:26] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:54:26] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:54:26] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:54:26] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:54:26] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:54:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:54:26] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:54:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:54:36] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:54:36] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:54:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:54:37] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:54:37] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:54:37] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:54:37] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:54:37] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:54:37] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:54:37] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:54:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:54:37] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:54:37] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:54:47] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:54:47] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/9. Returning without this metric. [INFO 11-10 22:54:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 22:54:47] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:54:47] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:54:47] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:54:47] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:54:47] ax.early_stopping.strategies.base: There is not yet any data associated with trial 9. Not early stopping this trial. [INFO 11-10 22:54:47] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:54:47] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.5999466666666666. [INFO 11-10 22:54:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 22:54:47] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9745000004768372 is better than 70.0-th percentile (0.9634000062942505) across comparable trials. [INFO 11-10 22:54:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:54:57] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:54:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:54:57] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:54:57] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:54:57] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:54:57] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:54:57] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:54:57] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:54:57] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:54:57] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:54:57] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:54:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:54:57] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:54:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:55:07] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:55:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:55:08] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:55:08] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:55:08] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:55:08] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:08] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:55:08] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:55:08] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:08] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:55:08] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:55:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:55:08] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:55:08] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:55:18] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:55:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:55:18] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:55:18] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:55:18] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:55:18] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:18] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:55:18] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:55:18] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:18] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:55:18] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:55:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:55:18] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:55:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:55:28] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:55:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:55:28] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:55:28] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:55:28] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:55:28] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:55:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:55:28] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:28] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:55:28] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:55:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:55:28] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:55:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:55:38] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:55:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:55:39] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:55:39] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:55:39] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:55:39] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:39] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:55:39] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:55:39] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:39] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:55:39] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:55:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:55:39] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:55:39] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:55:49] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:55:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:55:49] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:55:49] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:55:49] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.19994666666666666. [INFO 11-10 22:55:49] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:49] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:55:49] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:55:49] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:49] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:55:49] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:55:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:55:49] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:55:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:55:59] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:55:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:55:59] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:55:59] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:55:59] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:55:59] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:55:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:55:59] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:55:59] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:55:59] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:55:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:55:59] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:55:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:56:09] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:56:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:56:10] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:56:10] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:56:10] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:56:10] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:10] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:56:10] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:56:10] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:10] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:56:10] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:56:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:56:10] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:56:10] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:56:20] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:56:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:56:20] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:56:20] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:56:20] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:56:20] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:20] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:56:20] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:56:20] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:20] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:56:20] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:56:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:56:20] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:56:20] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:56:30] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:56:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:56:30] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 22:56:30] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:56:30] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:56:30] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:30] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:56:30] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.09994666666666667. [INFO 11-10 22:56:30] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:30] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:56:30] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:56:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:56:30] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:56:30] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:56:40] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:56:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 22:56:41] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:56:41] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:56:41] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:41] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:56:41] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:56:41] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:41] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:56:41] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.6999466666666667. [INFO 11-10 22:56:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 22:56:41] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9769999980926514 is better than 70.0-th percentile (0.9648999869823456) across comparable trials. [INFO 11-10 22:56:41] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:56:51] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:56:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:56:51] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:56:51] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:56:51] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:51] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:56:51] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:56:51] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:56:51] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:56:51] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:56:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:56:51] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:56:51] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:57:01] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:57:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:57:01] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:57:01] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:57:01] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:01] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:57:01] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:57:01] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:01] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:57:01] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:57:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:57:01] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:57:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:57:11] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:57:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:57:12] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:57:12] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:57:12] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:12] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:57:12] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:57:12] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:12] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:57:12] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:57:12] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:57:12] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:57:12] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:57:22] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:57:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:57:22] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:57:22] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:57:22] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:22] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:57:22] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:57:22] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:22] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:57:22] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:57:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:57:22] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:57:22] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:57:32] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:57:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:57:32] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:57:32] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664. [INFO 11-10 22:57:32] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:32] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:57:32] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:57:32] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:32] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:57:32] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:57:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:57:32] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:57:32] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:57:42] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:57:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:57:43] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:57:43] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:57:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:57:43] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:57:43] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:57:43] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:57:43] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:43] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:57:43] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:57:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:57:43] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:57:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:57:53] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:57:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:57:53] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:57:53] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:57:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:57:53] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:57:53] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:57:53] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:57:53] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:57:53] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:57:53] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:57:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:57:53] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:57:53] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:58:03] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:58:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:58:03] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:58:03] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:58:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:58:03] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:58:03] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:58:03] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:58:03] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:58:03] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:58:03] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:58:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:58:03] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:58:03] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:58:13] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:58:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:58:14] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:58:14] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:58:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:58:14] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:58:14] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:58:14] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:58:14] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:58:14] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:58:14] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:58:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:58:14] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:58:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:58:24] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:58:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:58:24] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:58:24] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:58:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:58:24] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:58:24] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:58:24] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.19994666666666666. [INFO 11-10 22:58:24] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:58:24] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:58:24] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:58:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:58:24] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:58:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:58:34] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:58:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 22:58:34] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:58:34] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:58:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:58:34] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:58:34] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:58:34] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:58:34] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:58:34] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:58:34] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.7999466666666667. [INFO 11-10 22:58:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 22:58:34] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9750999808311462 is better than 70.0-th percentile (0.9657500088214874) across comparable trials. [INFO 11-10 22:58:34] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:58:44] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:58:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:58:45] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:58:45] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:58:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:58:45] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:58:45] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:58:45] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:58:45] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:58:45] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:58:45] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:58:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:58:45] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:58:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:58:55] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:58:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:58:55] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:58:55] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:58:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:58:55] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:58:55] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:58:55] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:58:55] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:58:55] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:58:55] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:58:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:58:55] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:58:55] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:59:05] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:59:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:59:05] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:59:05] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667. [INFO 11-10 22:59:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 22:59:05] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9617999792098999 is better than 70.0-th percentile (0.9617999792098999) across comparable trials. [INFO 11-10 22:59:05] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:59:05] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:59:05] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:59:05] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:59:05] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:59:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:59:05] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:59:05] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:59:16] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:59:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:59:16] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:59:16] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 22:59:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:59:16] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 22:59:16] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:59:16] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:59:16] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:59:16] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:59:16] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:59:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:59:16] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:59:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:59:26] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:59:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:59:26] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:59:26] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 22:59:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:59:26] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 22:59:26] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:59:26] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:59:26] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:59:26] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:59:26] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:59:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:59:26] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:59:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:59:36] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:59:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:59:37] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:59:37] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 22:59:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:59:37] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 22:59:37] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:59:37] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:59:37] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:59:37] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:59:37] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:59:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:59:37] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:59:37] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:59:47] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:59:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:59:47] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:59:47] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 22:59:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:59:47] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 22:59:47] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:59:47] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:59:47] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:59:47] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:59:47] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:59:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:59:47] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:59:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 22:59:57] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 22:59:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 22:59:57] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 22:59:57] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 22:59:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 22:59:57] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 22:59:57] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 22:59:57] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 22:59:57] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 22:59:57] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 22:59:57] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 22:59:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 22:59:57] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 22:59:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:00:07] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 23:00:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:00:08] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 23:00:08] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 23:00:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:00:08] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 23:00:08] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:00:08] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 23:00:08] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:00:08] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 23:00:08] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 23:00:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:00:08] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 23:00:08] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:00:18] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 23:00:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:00:18] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 23:00:18] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 23:00:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:00:18] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 23:00:18] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:00:18] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664. [INFO 11-10 23:00:18] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:00:18] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 23:00:18] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 23:00:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:00:18] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 23:00:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:00:28] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 23:00:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 23:00:28] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:00:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9685999751091003 is better than 70.0-th percentile (0.9637199938297272) across comparable trials. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 23:00:28] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:00:28] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 23:00:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:00:38] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 23:00:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 23:00:39] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:00:39] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9685999751091003 is better than 70.0-th percentile (0.9637199938297272) across comparable trials. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 23:00:39] ax.early_stopping.strategies.base: Last progression of Trial 5 is 0.8999466666666667. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:00:39] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9664500057697296) across comparable trials. [INFO 11-10 23:00:39] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:00:49] Scheduler: Fetching data for trials: [5, 8, 9] because some metrics on experiment are available while trials are running. [INFO 11-10 23:00:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 1.0. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 23:00:49] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.49994666666666665. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Early stopping decision for 8: False. Reason: Trial objective value 0.9686999917030334 is better than 70.0-th percentile (0.9684099912643432) across comparable trials. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:00:49] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9685999751091003 is better than 70.0-th percentile (0.9637199938297272) across comparable trials. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Considering trial 5 for early stopping. [INFO 11-10 23:00:49] ax.early_stopping.strategies.base: Last progression of Trial 5 is 1.0. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9737 1 0.9608 2 0.9563 3 0.9444 4 0.8931 5 0.9776 Name: 1.0, dtype: float64. [INFO 11-10 23:00:49] ax.early_stopping.strategies.percentile: Early stopping decision for 5: False. Reason: Trial objective value 0.9775999784469604 is better than 70.0-th percentile (0.9672499895095825) across comparable trials. [INFO 11-10 23:00:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:00:59] Scheduler: Fetching data for trials: 8 - 9 because some metrics on experiment are available while trials are running. [INFO 11-10 23:00:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:00:59] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping. [INFO 11-10 23:00:59] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.5999466666666666. [INFO 11-10 23:00:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:00:59] ax.early_stopping.strategies.percentile: Early stopping decision for 8: True. Reason: Trial objective value 0.9689000248908997 is worse than 70.0-th percentile (0.9692400217056274) across comparable trials. [INFO 11-10 23:00:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:00:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667. [INFO 11-10 23:00:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:00:59] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9685999751091003 is better than 70.0-th percentile (0.9637199938297272) across comparable trials. [INFO 11-10 23:00:59] Scheduler: Retrieved COMPLETED trials: [5]. [INFO 11-10 23:00:59] Scheduler: Fetching data for trials: [5]. [INFO 11-10 23:00:59] Scheduler: Retrieved EARLY_STOPPED trials: [8]. /opt/hostedtoolcache/Python/3.8.14/x64/lib/python3.8/site-packages/botorch/optim/optimize.py:306: RuntimeWarning: Optimization failed in `gen_candidates_scipy` with the following warning(s): [NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal')] Trying again with a new set of initial conditions. warnings.warn(first_warn_msg, RuntimeWarning) [INFO 11-10 23:01:51] Scheduler: Running trials [10]... /opt/hostedtoolcache/Python/3.8.14/x64/lib/python3.8/site-packages/botorch/optim/optimize.py:306: RuntimeWarning: Optimization failed in `gen_candidates_scipy` with the following warning(s): [NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal'), OptimizationWarning('Optimization failed within `scipy.optimize.minimize` with status 2.'), NumericalWarning('A not p.d., added jitter of 1.0e-08 to the diagonal')] Trying again with a new set of initial conditions. warnings.warn(first_warn_msg, RuntimeWarning) /opt/hostedtoolcache/Python/3.8.14/x64/lib/python3.8/site-packages/botorch/optim/optimize.py:328: RuntimeWarning: Optimization failed on the second try, after generating a new set of initial conditions. warnings.warn( [INFO 11-10 23:02:05] Scheduler: Running trials [11]... [INFO 11-10 23:02:07] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached. [WARNING 11-10 23:02:07] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 23:02:07] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:02:07] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:02:07] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:02:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 23:02:07] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:02:07] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667. [INFO 11-10 23:02:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:02:07] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9685999751091003 is better than 70.0-th percentile (0.9637199938297272) across comparable trials. [INFO 11-10 23:02:07] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:02:07] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:02:07] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:02:07] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:02:07] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:02:17] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:02:17] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:02:17] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:02:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 23:02:18] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:02:18] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667. [INFO 11-10 23:02:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:02:18] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9685999751091003 is better than 70.0-th percentile (0.9637199938297272) across comparable trials. [INFO 11-10 23:02:18] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:02:18] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:02:18] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:02:18] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:02:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:02:28] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:02:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:02:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:02:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:02:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:02:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:02:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:02:28] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:02:28] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:02:28] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:02:28] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:02:28] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:02:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:02:38] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:02:38] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:02:38] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:02:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:02:38] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:02:38] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:02:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:02:38] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:02:38] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:02:38] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:02:38] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:02:38] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:02:38] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:02:48] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:02:48] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:02:48] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:02:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:02:48] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:02:48] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:02:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:02:48] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:02:48] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:02:49] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:02:49] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:02:49] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:02:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:02:59] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:02:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:02:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:02:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:02:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:02:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:02:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:02:59] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:02:59] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:02:59] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:02:59] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:02:59] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:02:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:03:09] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:03:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:03:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:03:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:03:09] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:03:09] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:03:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:03:09] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:03:09] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:03:09] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:03:09] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:03:09] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:03:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:03:19] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:03:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:03:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:03:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:03:19] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:03:19] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:03:19] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:03:19] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:03:19] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:03:19] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:03:19] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:03:19] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:03:19] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:03:29] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:03:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:03:29] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:03:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:03:30] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:03:30] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:03:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:03:30] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:03:30] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:03:30] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:03:30] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:03:30] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:03:30] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:03:40] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:03:40] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:03:40] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:03:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:03:40] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:03:40] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:03:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:03:40] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:03:40] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:03:40] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:03:40] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:03:40] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:03:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:03:50] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:03:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/10. Returning without this metric. [INFO 11-10 23:03:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/11. Returning without this metric. [INFO 11-10 23:03:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:03:50] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:03:50] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:03:50] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:03:50] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:03:50] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:03:50] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10. Not early stopping this trial. [INFO 11-10 23:03:50] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:03:50] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11. Not early stopping this trial. [INFO 11-10 23:03:50] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:04:00] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:04:00] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:04:01] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:01] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:01] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:04:01] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:04:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:04:01] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:04:01] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:04:01] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:04:01] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:01] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:04:01] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:04:01] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:04:11] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:04:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:04:11] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:11] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:11] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:04:11] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665. [INFO 11-10 23:04:11] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:04:11] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9694200038909913) across comparable trials. [INFO 11-10 23:04:11] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:04:11] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:04:11] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:11] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:04:11] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:04:11] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:11] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:04:21] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:04:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:04:21] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:21] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:21] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:04:21] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:04:21] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:04:21] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:04:21] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:04:21] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:04:21] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:21] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:04:21] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:04:21] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:21] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:04:31] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:04:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:04:32] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:32] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:32] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:04:32] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:04:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:04:32] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:04:32] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:04:32] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:04:32] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:32] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:04:32] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:04:32] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:32] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:04:42] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:04:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:04:42] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:42] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:42] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:04:42] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:04:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:04:42] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:04:42] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:04:42] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:04:42] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:42] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:04:42] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:04:42] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:42] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:04:52] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:04:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:04:52] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:52] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:04:52] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:04:52] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:04:52] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:04:52] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:04:52] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:04:52] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:04:52] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:52] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:04:52] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:04:52] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:04:52] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:05:02] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:05:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:05:03] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:03] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:03] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:05:03] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:05:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:05:03] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:05:03] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:05:03] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:05:03] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:03] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:05:03] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:05:03] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:03] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:05:13] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:05:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:05:13] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:13] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:13] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:05:13] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:05:13] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:05:13] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:05:13] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:05:13] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:05:13] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:13] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:05:13] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:05:13] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:13] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:05:23] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:05:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:05:23] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:23] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:23] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:05:23] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:05:23] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:05:23] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:05:23] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:05:23] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:05:23] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:23] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:05:23] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:05:23] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:23] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:05:33] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:05:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:05:34] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:34] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:34] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:05:34] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:05:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:05:34] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:05:34] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:05:34] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:05:34] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:34] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:05:34] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:05:34] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:34] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:05:44] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:05:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:05:44] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:44] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:05:44] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:05:44] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:05:44] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:05:44] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:05:44] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:05:44] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667. [INFO 11-10 23:05:44] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:44] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:05:44] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667. [INFO 11-10 23:05:44] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:44] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:05:54] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:05:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:05:54] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:05:54] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666. [INFO 11-10 23:05:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:05:54] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9704300105571747) across comparable trials. [INFO 11-10 23:05:54] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:05:54] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:05:54] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:54] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:05:54] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:05:54] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:05:54] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:06:04] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:06:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:06:05] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:06:05] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:06:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:06:05] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:06:05] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:06:05] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:06:05] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:05] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:06:05] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:06:05] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:05] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:06:15] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:06:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:06:15] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:06:15] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:06:15] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:06:15] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:06:15] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:06:15] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:06:15] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:15] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:06:15] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:06:15] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:15] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:06:25] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:06:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:06:25] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:06:26] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:06:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:06:26] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:06:26] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:06:26] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:06:26] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:26] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:06:26] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:06:26] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:06:36] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:06:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:06:36] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:06:36] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:06:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:06:36] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:06:36] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:06:36] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:06:36] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:36] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:06:36] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:06:36] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:36] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:06:46] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:06:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:06:46] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:06:46] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:06:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:06:46] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:06:46] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:06:46] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:06:46] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:46] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:06:46] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:06:46] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:46] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:06:56] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:06:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:06:57] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:06:57] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:06:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:06:57] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:06:57] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:06:57] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:06:57] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:57] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:06:57] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:06:57] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:06:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:07:07] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:07:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:07:07] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:07:07] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:07:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:07:07] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:07:07] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:07:07] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:07:07] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:07] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:07:07] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:07:07] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:07] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:07:17] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:07:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:07:17] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:07:17] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:07:17] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:07:17] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:07:17] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:07:17] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:07:17] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:17] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:07:17] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:07:17] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:17] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:07:27] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:07:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:07:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:07:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:07:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:07:28] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:07:28] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:07:28] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666. [INFO 11-10 23:07:28] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:28] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:07:28] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:07:28] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:07:38] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:07:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:07:38] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:07:38] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:07:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:07:38] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:07:38] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:07:38] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:07:38] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:38] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:07:38] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:07:38] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:38] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:07:48] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:07:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:07:48] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:07:48] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667. [INFO 11-10 23:07:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:07:48] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9751999974250793 is better than 70.0-th percentile (0.9726400017738343) across comparable trials. [INFO 11-10 23:07:48] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:07:48] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:07:48] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:48] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:07:48] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666. [INFO 11-10 23:07:48] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:48] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:07:58] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:07:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:07:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:07:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:07:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:07:59] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:07:59] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:07:59] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:07:59] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:59] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:07:59] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:07:59] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:07:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:08:09] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:08:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:08:09] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:08:09] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:08:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:08:09] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:08:09] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:08:09] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:08:09] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:09] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:08:09] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:08:09] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:08:19] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:08:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:08:19] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:08:20] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:08:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:08:20] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:08:20] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:08:20] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:08:20] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:20] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:08:20] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:08:20] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:20] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:08:30] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:08:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:08:30] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:08:30] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:08:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:08:30] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:08:30] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:08:30] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:08:30] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:30] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:08:30] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:08:30] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:30] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:08:40] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:08:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:08:40] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:08:40] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:08:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:08:40] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:08:40] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:08:40] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:08:40] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:40] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:08:40] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:08:40] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:08:50] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:08:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:08:51] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:08:51] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:08:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:08:51] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:08:51] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:08:51] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:08:51] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:51] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:08:51] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:08:51] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:08:51] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:09:01] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:09:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:09:01] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:09:01] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:09:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:09:01] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:09:01] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:09:01] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:09:01] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:01] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:09:01] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:09:01] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:09:11] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:09:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:09:11] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:09:11] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:09:11] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:09:11] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:09:11] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:09:11] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:09:11] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:11] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:09:11] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:09:11] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:11] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:09:21] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:09:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:09:22] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:09:22] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:09:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:09:22] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:09:22] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:09:22] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664. [INFO 11-10 23:09:22] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:22] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:09:22] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:09:22] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:22] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:09:32] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:09:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:09:32] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:09:32] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667. [INFO 11-10 23:09:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:09:32] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9763000011444092 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:09:32] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:09:32] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667. [INFO 11-10 23:09:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:09:32] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9674000144004822 is better than 70.0-th percentile (0.9674000144004822) across comparable trials. [INFO 11-10 23:09:32] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:09:32] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:09:32] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:32] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:09:42] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:09:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:09:42] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:09:42] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:09:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:09:42] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:09:42] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:09:42] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667. [INFO 11-10 23:09:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:09:42] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9674000144004822 is better than 70.0-th percentile (0.9674000144004822) across comparable trials. [INFO 11-10 23:09:42] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:09:42] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664. [INFO 11-10 23:09:42] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:09:42] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:09:52] Scheduler: Fetching data for trials: 9 - 11 because some metrics on experiment are available while trials are running. [INFO 11-10 23:09:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:09:53] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping. [INFO 11-10 23:09:53] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Early stopping decision for 10: True. Reason: Trial objective value 0.9674000144004822 is worse than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:09:53] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:09:53] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:09:53] Scheduler: Retrieved EARLY_STOPPED trials: [10]. [INFO 11-10 23:10:04] Scheduler: Running trials [12]... [INFO 11-10 23:10:07] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached. [WARNING 11-10 23:10:07] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 23:10:07] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:10:07] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:10:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:10:07] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:10:07] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:10:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:10:07] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:10:07] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:10:07] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:10:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:10:07] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:10:07] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:10:07] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:10:07] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:10:17] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:10:17] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:10:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:10:18] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:10:18] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:10:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:10:18] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:10:18] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:10:18] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:10:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:10:18] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:10:18] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:10:18] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:10:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:10:28] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:10:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:10:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:10:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:10:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:10:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:10:28] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:10:28] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:10:28] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:10:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:10:28] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:10:28] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:10:28] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:10:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:10:38] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:10:38] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:10:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:10:38] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:10:38] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:10:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:10:38] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:10:38] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:10:38] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:10:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:10:38] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:10:38] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:10:38] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:10:38] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:10:48] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:10:48] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:10:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:10:49] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:10:49] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:10:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:10:49] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:10:49] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:10:49] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:10:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:10:49] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:10:49] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:10:49] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:10:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:10:59] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:10:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:10:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:10:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:10:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:10:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:10:59] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:10:59] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:10:59] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:10:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:10:59] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:10:59] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:10:59] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:10:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:11:09] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:11:09] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:11:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:11:09] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:11:09] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:11:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:11:09] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:11:09] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:11:09] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:11:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:11:09] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:11:09] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:11:09] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:11:09] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:11:19] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:11:19] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:11:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:11:20] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:11:20] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:11:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:11:20] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:11:20] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:11:20] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:11:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:11:20] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:11:20] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:11:20] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:11:20] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:11:30] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:11:30] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:11:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:11:30] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:11:30] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667. [INFO 11-10 23:11:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:11:30] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.9728399991989136) across comparable trials. [INFO 11-10 23:11:30] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:11:30] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:11:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:11:30] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:11:30] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:11:30] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:11:30] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:11:40] Scheduler: Fetching data for trials: [9, 11, 12] because some metrics on experiment are available while trials are running. [INFO 11-10 23:11:40] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:11:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.9999466666666667. [INFO 11-10 23:11:40] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping. [INFO 11-10 23:11:40] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.9999466666666667. [INFO 11-10 23:11:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9737 1 0.9608 2 0.9563 3 0.9444 4 0.8931 5 0.9776 9 0.9750 Name: 0.9999466666666667, dtype: float64. [INFO 11-10 23:11:40] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9750000238418579 is better than 70.0-th percentile (0.973959994316101) across comparable trials. [INFO 11-10 23:11:40] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:11:40] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:11:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:11:40] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:11:40] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:11:40] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:11:40] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:11:50] Scheduler: Fetching data for trials: 11 - 12 because some metrics on experiment are available while trials are running. [INFO 11-10 23:11:50] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:11:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 23:11:51] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:11:51] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:11:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:11:51] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:11:51] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:11:51] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:11:51] Scheduler: Retrieved COMPLETED trials: [9]. [INFO 11-10 23:11:51] Scheduler: Fetching data for trials: [9]. [INFO 11-10 23:11:58] Scheduler: Running trials [13]... [INFO 11-10 23:12:01] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached. [WARNING 11-10 23:12:01] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 23:12:01] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:12:01] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:12:01] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:12:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 23:12:01] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:12:01] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667. [INFO 11-10 23:12:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:12:01] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9747999906539917 is better than 70.0-th percentile (0.9679600238800049) across comparable trials. [INFO 11-10 23:12:01] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:12:01] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:12:01] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:12:01] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:12:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:12:11] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:12:11] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/12. Returning without this metric. [INFO 11-10 23:12:11] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:12:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:12:11] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:12:11] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:12:11] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:12:11] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:12:11] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:12:11] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12. Not early stopping this trial. [INFO 11-10 23:12:11] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:12:11] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:12:11] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:12:21] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:12:21] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:12:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:12:22] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:12:22] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:12:22] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:12:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:12:22] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:12:22] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:12:22] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:12:22] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:12:22] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:12:22] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:12:22] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:12:32] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:12:32] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:12:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:12:32] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:12:32] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:12:32] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:12:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:12:32] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:12:32] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:12:32] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:12:32] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:12:32] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:12:32] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:12:32] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:12:42] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:12:42] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:12:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:12:42] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:12:42] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:12:42] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:12:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:12:42] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:12:42] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:12:42] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:12:42] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:12:42] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:12:42] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:12:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:12:53] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:12:53] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:12:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:12:53] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:12:53] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:12:53] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:12:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:12:53] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:12:53] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:12:53] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:12:53] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:12:53] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:12:53] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:12:53] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:13:03] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:13:03] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:13:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:13:03] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:13:03] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:13:03] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:13:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:13:03] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:13:03] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:13:03] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:13:03] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:13:03] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:13:03] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:13:03] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:13:13] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:13:13] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:13:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:13:14] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:13:14] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:13:14] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:13:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:13:14] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:13:14] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:13:14] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:13:14] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:13:14] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:13:14] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:13:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:13:24] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:13:24] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:13:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:13:24] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:13:24] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:13:24] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:13:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:13:24] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:13:24] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:13:24] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:13:24] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:13:24] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:13:24] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:13:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:13:34] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:13:34] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:13:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:13:34] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:13:34] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:13:34] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:13:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:13:34] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:13:34] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:13:34] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:13:34] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:13:34] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:13:34] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:13:34] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:13:44] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:13:44] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:13:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:13:45] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:13:45] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:13:45] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:13:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:13:45] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:13:45] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:13:45] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:13:45] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:13:45] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:13:45] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:13:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:13:55] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:13:55] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:13:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:13:55] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:13:55] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:13:55] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:13:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:13:55] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:13:55] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:13:55] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:13:55] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:13:55] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:13:55] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:13:55] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:14:05] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:14:05] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/13. Returning without this metric. [INFO 11-10 23:14:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:14:05] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:14:05] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:14:05] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.49994666666666665. [INFO 11-10 23:14:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:14:05] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9724000096321106 is better than 70.0-th percentile (0.9706500113010407) across comparable trials. [INFO 11-10 23:14:05] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:14:05] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:14:05] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:05] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:14:05] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13. Not early stopping this trial. [INFO 11-10 23:14:05] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:14:15] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:14:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:14:16] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:14:16] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:14:16] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:14:16] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:14:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:14:16] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:14:16] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:14:16] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667. [INFO 11-10 23:14:16] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:16] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:14:16] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:14:16] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:14:26] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:14:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:14:26] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:14:26] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:14:26] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:14:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:14:26] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:14:26] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:14:26] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:14:26] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:26] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:14:26] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:14:26] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:14:36] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:14:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:14:36] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:14:36] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:14:36] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:14:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:14:36] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:14:36] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:14:36] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:14:36] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:36] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:14:36] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:14:36] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:36] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:14:46] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:14:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:14:47] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:14:47] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:14:47] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:14:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:14:47] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:14:47] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:14:47] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:14:47] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:47] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:14:47] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:14:47] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:14:57] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:14:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:14:57] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:14:57] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:14:57] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:14:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:14:57] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:14:57] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:14:57] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:14:57] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:57] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:14:57] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:14:57] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:14:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:15:07] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:15:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:15:07] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:15:07] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:15:07] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:15:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:15:07] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:15:07] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:15:07] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:15:07] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:07] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:15:07] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:15:07] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:07] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:15:17] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:15:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:15:18] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:15:18] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:15:18] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:15:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:15:18] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:15:18] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:15:18] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:15:18] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:18] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:15:18] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:15:18] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:15:28] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:15:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:15:28] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:15:28] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:15:28] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:15:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:15:28] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:15:28] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:15:28] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:15:28] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:28] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:15:28] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:15:28] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:15:38] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:15:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:15:38] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:15:38] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:15:38] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:15:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:15:39] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:15:39] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:15:39] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:15:39] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:39] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:15:39] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:15:39] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:39] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:15:49] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:15:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:15:49] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:15:49] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:15:49] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:15:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:15:49] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:15:49] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:15:49] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:15:49] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:49] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:15:49] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:15:49] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:15:59] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:15:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:15:59] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:15:59] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:15:59] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.5999466666666666. [INFO 11-10 23:15:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:15:59] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9775000214576721 is better than 70.0-th percentile (0.9729400038719177) across comparable trials. [INFO 11-10 23:15:59] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:15:59] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:15:59] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:59] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:15:59] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.09994666666666667. [INFO 11-10 23:15:59] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:15:59] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:16:09] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:16:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:16:10] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:16:10] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:16:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:16:10] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:16:10] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:16:10] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:16:10] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:10] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:16:10] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:16:10] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:10] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:16:20] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:16:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:16:20] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:16:20] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:16:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:16:20] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:16:20] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:16:20] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666. [INFO 11-10 23:16:20] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:20] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:16:20] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:16:20] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:20] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:16:30] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:16:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:16:30] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:16:30] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:16:31] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:16:31] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:16:31] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:16:31] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:16:31] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:31] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:16:31] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:16:31] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:31] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:16:41] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:16:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:16:41] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:16:41] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:16:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:16:41] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:16:41] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:16:41] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:16:41] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:41] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:16:41] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:16:41] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:41] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:16:51] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:16:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:16:51] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:16:51] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:16:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:16:51] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:16:51] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:16:51] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:16:51] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:51] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:16:51] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:16:51] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:16:51] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:17:01] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:17:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:17:02] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:17:02] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:17:02] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:17:02] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:17:02] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:17:02] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:17:02] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:02] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:17:02] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:17:02] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:02] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:17:12] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:17:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:17:12] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:17:12] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:17:12] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:17:12] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:17:12] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:17:12] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:17:12] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:12] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:17:12] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:17:12] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:12] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:17:22] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:17:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:17:22] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:17:22] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:17:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:17:22] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:17:22] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:17:22] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:17:22] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:22] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:17:22] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:17:22] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:22] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:17:33] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:17:33] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:17:33] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:17:33] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:17:33] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:17:33] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:17:33] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:17:33] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:17:33] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:33] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:17:33] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:17:33] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:33] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:17:43] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:17:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:17:43] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:17:43] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:17:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:17:43] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:17:43] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:17:43] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:17:43] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:43] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:17:43] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:17:43] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:17:53] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:17:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:17:54] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:17:54] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:17:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:17:54] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:17:54] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:17:54] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:17:54] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:54] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:17:54] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666. [INFO 11-10 23:17:54] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:17:54] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:18:04] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:18:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:18:04] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:18:04] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.6999466666666667. [INFO 11-10 23:18:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:18:04] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9758999943733215 is better than 70.0-th percentile (0.9748799979686738) across comparable trials. [INFO 11-10 23:18:04] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:18:04] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:18:04] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:04] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:18:04] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:18:04] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:04] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:18:14] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:18:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:18:14] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:18:14] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:18:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:18:14] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:18:14] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:18:14] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:18:14] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:14] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:18:14] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:18:14] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:18:24] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:18:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:18:25] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:18:25] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:18:25] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:18:25] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:18:25] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:18:25] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.29994666666666664. [INFO 11-10 23:18:25] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:25] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:18:25] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:18:25] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:25] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:18:35] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:18:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:18:35] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:18:35] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:18:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:18:35] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:18:35] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:18:35] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:18:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:18:35] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:18:35] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:18:35] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:18:35] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:18:45] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:18:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:18:46] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:18:46] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:18:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:18:46] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:18:46] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:18:46] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:18:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:18:46] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:18:46] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:18:46] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:18:46] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:46] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:18:56] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:18:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:18:56] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:18:56] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:18:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:18:56] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:18:56] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:18:56] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:18:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:18:56] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:18:56] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:18:56] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:18:56] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:18:56] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:19:06] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:19:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:19:06] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:19:06] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:19:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:19:06] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:19:06] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:19:06] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:19:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:19:06] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:19:06] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:19:06] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:19:06] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:19:06] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:19:16] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:19:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:19:17] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:19:17] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:19:17] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:19:17] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:19:17] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:19:17] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:19:17] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:19:17] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:19:17] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:19:17] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:19:17] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:19:17] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:19:27] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:19:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:19:27] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:19:27] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:19:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:19:27] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:19:27] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:19:27] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:19:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:19:27] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:19:27] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:19:27] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:19:27] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:19:27] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:19:37] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:19:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:19:37] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:19:37] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:19:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:19:37] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:19:37] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:19:37] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:19:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:19:37] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:19:37] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:19:37] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:19:37] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:19:37] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:19:47] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:19:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:19:48] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:19:48] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:19:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:19:48] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:19:48] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:19:48] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:19:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:19:48] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:19:48] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:19:48] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:19:48] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:19:48] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:19:58] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:19:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:19:58] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:19:58] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.7999466666666667. [INFO 11-10 23:19:58] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:19:58] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9768999814987183 is better than 70.0-th percentile (0.9748299837112426) across comparable trials. [INFO 11-10 23:19:58] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:19:58] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:19:58] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:19:58] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9683600068092346) across comparable trials. [INFO 11-10 23:19:58] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:19:58] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.29994666666666664. [INFO 11-10 23:19:58] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.29994666666666664) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:19:58] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:20:08] Scheduler: Fetching data for trials: 11 - 13 because some metrics on experiment are available while trials are running. [INFO 11-10 23:20:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:20:09] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:20:09] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 13 0.9666 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9682400226593018) across comparable trials. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping. [INFO 11-10 23:20:09] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 13 0.9666 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:20:09] ax.early_stopping.strategies.percentile: Early stopping decision for 13: True. Reason: Trial objective value 0.9666000008583069 is worse than 70.0-th percentile (0.9682400226593018) across comparable trials. [INFO 11-10 23:20:09] Scheduler: Retrieved EARLY_STOPPED trials: [13]. [INFO 11-10 23:20:16] Scheduler: Running trials [14]... [WARNING 11-10 23:20:16] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 23:20:16] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:20:16] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:20:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:20:16] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:20:16] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:20:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:20:16] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:20:16] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:20:16] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:20:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 13 0.9666 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:20:16] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9682400226593018) across comparable trials. [INFO 11-10 23:20:16] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:20:16] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:20:16] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:20:26] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:20:26] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:20:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:20:26] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:20:26] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:20:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:20:26] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:20:26] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:20:26] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667. [INFO 11-10 23:20:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 13 0.9666 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:20:26] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9711999893188477 is better than 70.0-th percentile (0.9682400226593018) across comparable trials. [INFO 11-10 23:20:26] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:20:26] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:20:26] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:20:36] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:20:36] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:20:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:20:37] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:20:37] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:20:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:20:37] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:20:37] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:20:37] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:20:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:20:37] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:20:37] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:20:37] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:20:37] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:20:47] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:20:47] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:20:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:20:47] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:20:47] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:20:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:20:47] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:20:47] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:20:47] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:20:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:20:47] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:20:47] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:20:47] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:20:47] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:20:57] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:20:57] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:20:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:20:57] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:20:57] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:20:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:20:57] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:20:57] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:20:57] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:20:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:20:57] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:20:57] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:20:57] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:20:57] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:21:07] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:21:07] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:21:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:21:08] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:21:08] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:21:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:21:08] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:21:08] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:21:08] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:21:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:21:08] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:21:08] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:21:08] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:21:08] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:21:18] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:21:18] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:21:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:21:18] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:21:18] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:21:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:21:18] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:21:18] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:21:18] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:21:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:21:18] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:21:18] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:21:18] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:21:18] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:21:28] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:21:28] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:21:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:21:28] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:21:28] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:21:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:21:28] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:21:28] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:21:28] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:21:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:21:28] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:21:28] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:21:28] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:21:28] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:21:38] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:21:38] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:21:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:21:39] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:21:39] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:21:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:21:39] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:21:39] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:21:39] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:21:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:21:39] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:21:39] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:21:39] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:21:39] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:21:49] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:21:49] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:21:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:21:49] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:21:49] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:21:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:21:49] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:21:49] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:21:49] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:21:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:21:49] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:21:49] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:21:49] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:21:49] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:21:59] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:21:59] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:21:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:21:59] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:21:59] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.8999466666666667. [INFO 11-10 23:21:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:21:59] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9733999967575073 is better than 70.0-th percentile (0.9732899963855743) across comparable trials. [INFO 11-10 23:21:59] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:21:59] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:21:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:22:00] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:22:00] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:22:00] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:22:00] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:22:10] Scheduler: Fetching data for trials: [11, 12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:22:10] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:22:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.9999466666666667. [INFO 11-10 23:22:10] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping. [INFO 11-10 23:22:10] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.9999466666666667. [INFO 11-10 23:22:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9737 1 0.9608 2 0.9563 3 0.9444 4 0.8931 5 0.9776 9 0.9750 11 0.9789 Name: 0.9999466666666667, dtype: float64. [INFO 11-10 23:22:10] ax.early_stopping.strategies.percentile: Early stopping decision for 11: False. Reason: Trial objective value 0.9789000153541565 is better than 70.0-th percentile (0.9748700201511383) across comparable trials. [INFO 11-10 23:22:10] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:22:10] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:22:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:22:10] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:22:10] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:22:10] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:22:10] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 3). [INFO 11-10 23:22:20] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:22:20] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:22:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:22:20] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:22:20] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:22:20] Scheduler: Retrieved COMPLETED trials: [11]. [INFO 11-10 23:22:20] Scheduler: Fetching data for trials: [11]. [INFO 11-10 23:22:20] Scheduler: Done submitting trials, waiting for remaining 2 running trials... [WARNING 11-10 23:22:20] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 23:22:20] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:22:20] ax.metrics.curve: val_acc not yet present in curves from /tmp/tmper6gxkbl/14. Returning without this metric. [INFO 11-10 23:22:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:22:20] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.49994666666666665. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.970300018787384 is better than 70.0-th percentile (0.970300018787384) across comparable trials. [INFO 11-10 23:22:20] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:22:20] ax.early_stopping.strategies.base: There is not yet any data associated with trial 14. Not early stopping this trial. [INFO 11-10 23:22:20] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:22:30] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:22:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:22:31] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:22:31] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:22:31] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:22:31] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:22:31] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:22:31] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:22:31] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:22:31] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:22:31] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:22:41] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:22:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:22:41] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:22:41] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:22:41] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:22:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:22:41] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:22:41] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:22:41] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:22:41] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:22:41] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:22:51] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:22:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:22:51] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:22:51] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:22:51] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:22:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:22:51] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:22:51] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:22:51] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:22:51] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:22:51] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:23:01] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:23:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:23:01] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:23:01] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:23:01] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:23:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:23:01] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:23:01] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:23:01] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:23:01] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:23:01] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:23:11] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:23:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:23:12] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:23:12] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:23:12] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:23:12] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:23:12] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:23:12] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:23:12] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:23:12] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:23:12] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:23:22] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:23:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:23:22] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:23:22] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:23:22] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:23:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:23:22] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:23:22] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:23:22] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:23:22] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:23:22] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:23:32] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:23:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:23:32] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:23:32] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:23:32] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:23:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:23:32] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:23:32] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:23:32] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:23:32] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:23:32] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:23:42] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:23:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:23:43] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:23:43] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:23:43] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:23:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:23:43] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:23:43] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:23:43] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:23:43] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:23:43] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:23:53] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:23:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:23:53] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:23:53] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:23:53] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:23:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:23:53] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:23:53] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:23:53] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:23:53] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:23:53] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:24:03] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:24:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:24:03] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:24:03] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:24:03] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:24:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:24:03] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:24:03] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:24:03] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:24:03] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:24:03] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:24:13] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:24:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:24:13] ax.early_stopping.utils: Got exception `x and y arrays must have at least 2 entries` during interpolation. Using uninterpolated values instead. [INFO 11-10 23:24:13] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:24:13] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.5999466666666666. [INFO 11-10 23:24:13] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:24:13] ax.early_stopping.strategies.percentile: Early stopping decision for 12: False. Reason: Trial objective value 0.9757999777793884 is better than 70.0-th percentile (0.9746500074863433) across comparable trials. [INFO 11-10 23:24:13] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:24:13] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667. [INFO 11-10 23:24:13] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:24:13] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 2). [INFO 11-10 23:24:23] Scheduler: Fetching data for trials: [12, 14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:24:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:24:24] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping. [INFO 11-10 23:24:24] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.6999466666666667. [INFO 11-10 23:24:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 12 0.9748 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:24:24] ax.early_stopping.strategies.percentile: Early stopping decision for 12: True. Reason: Trial objective value 0.9747999906539917 is worse than 70.0-th percentile (0.9750399947166443) across comparable trials. [INFO 11-10 23:24:24] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:24:24] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.19994666666666666. [INFO 11-10 23:24:24] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.19994666666666666) falls out of the min/max_progression range (0.3, None). Not early stopping this trial. [INFO 11-10 23:24:24] Scheduler: Retrieved EARLY_STOPPED trials: [12]. [WARNING 11-10 23:24:24] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate. [INFO 11-10 23:24:24] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:24:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666. [INFO 11-10 23:24:24] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials. [INFO 11-10 23:24:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:24:34] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:24:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666. [INFO 11-10 23:24:34] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials. [INFO 11-10 23:24:34] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:24:44] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:24:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664. [INFO 11-10 23:24:44] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials. [INFO 11-10 23:24:44] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:24:54] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:24:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664. [INFO 11-10 23:24:54] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials. [INFO 11-10 23:24:54] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:25:04] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:25:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 23:25:04] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:25:04] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667. [INFO 11-10 23:25:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 13 0.9666 14 0.9735 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:25:04] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9735000133514404 is better than 70.0-th percentile (0.9685199856758118) across comparable trials. [INFO 11-10 23:25:04] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:25:14] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:25:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667. [INFO 11-10 23:25:14] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:25:14] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667. [INFO 11-10 23:25:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9682 1 0.9484 2 0.9368 3 0.9377 4 0.9132 5 0.9713 6 0.9539 7 0.9618 8 0.9618 9 0.9686 10 0.9674 11 0.9748 12 0.9712 13 0.9666 14 0.9735 Name: 0.3999466666666667, dtype: float64. [INFO 11-10 23:25:14] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9735000133514404 is better than 70.0-th percentile (0.9685199856758118) across comparable trials. [INFO 11-10 23:25:14] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:25:24] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:25:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:25:24] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:25:24] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.49994666666666665. [INFO 11-10 23:25:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 14 0.9746 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:25:24] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9746000170707703 is better than 70.0-th percentile (0.9717700123786926) across comparable trials. [INFO 11-10 23:25:24] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:25:34] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:25:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665. [INFO 11-10 23:25:34] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:25:34] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.49994666666666665. [INFO 11-10 23:25:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9699 1 0.9516 2 0.9425 3 0.9406 4 0.9031 5 0.9738 7 0.9658 8 0.9687 9 0.9752 11 0.9724 12 0.9703 14 0.9746 Name: 0.49994666666666665, dtype: float64. [INFO 11-10 23:25:35] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9746000170707703 is better than 70.0-th percentile (0.9717700123786926) across comparable trials. [INFO 11-10 23:25:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:25:45] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:25:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:25:45] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:25:45] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.5999466666666666. [INFO 11-10 23:25:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 14 0.9776 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:25:45] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9775999784469604 is better than 70.0-th percentile (0.9750000238418579) across comparable trials. [INFO 11-10 23:25:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:25:55] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:25:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666. [INFO 11-10 23:25:55] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:25:55] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.5999466666666666. [INFO 11-10 23:25:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9706 1 0.9562 2 0.9468 3 0.9441 4 0.9090 5 0.9745 8 0.9689 9 0.9750 11 0.9775 12 0.9758 14 0.9776 Name: 0.5999466666666666, dtype: float64. [INFO 11-10 23:25:55] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9775999784469604 is better than 70.0-th percentile (0.9750000238418579) across comparable trials. [INFO 11-10 23:25:55] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:26:05] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:26:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:26:05] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:26:05] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.6999466666666667. [INFO 11-10 23:26:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 12 0.9748 14 0.9765 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:26:05] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9764999747276306 is better than 70.0-th percentile (0.975409996509552) across comparable trials. [INFO 11-10 23:26:05] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:26:15] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:26:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667. [INFO 11-10 23:26:15] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:26:15] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.6999466666666667. [INFO 11-10 23:26:15] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9720 1 0.9578 2 0.9498 3 0.9402 4 0.8895 5 0.9770 9 0.9752 11 0.9759 12 0.9748 14 0.9765 Name: 0.6999466666666667, dtype: float64. [INFO 11-10 23:26:15] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9764999747276306 is better than 70.0-th percentile (0.975409996509552) across comparable trials. [INFO 11-10 23:26:15] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:26:25] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:26:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667. [INFO 11-10 23:26:25] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:26:25] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.7999466666666667. [INFO 11-10 23:26:25] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9724 1 0.9591 2 0.9515 3 0.9337 4 0.9009 5 0.9751 9 0.9763 11 0.9769 14 0.9794 Name: 0.7999466666666667, dtype: float64. [INFO 11-10 23:26:25] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9793999791145325 is better than 70.0-th percentile (0.975819993019104) across comparable trials. [INFO 11-10 23:26:25] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:26:35] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:26:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:26:35] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:26:35] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.8999466666666667. [INFO 11-10 23:26:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 14 0.9784 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:26:35] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9783999919891357 is better than 70.0-th percentile (0.9743600130081177) across comparable trials. [INFO 11-10 23:26:35] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:26:45] Scheduler: Fetching data for trials: [14] because some metrics on experiment are available while trials are running. [INFO 11-10 23:26:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667. [INFO 11-10 23:26:45] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping. [INFO 11-10 23:26:45] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.8999466666666667. [INFO 11-10 23:26:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is: 0 0.9723 1 0.9606 2 0.9538 3 0.9468 4 0.8890 5 0.9759 9 0.9750 11 0.9734 14 0.9784 Name: 0.8999466666666667, dtype: float64. [INFO 11-10 23:26:45] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.9783999919891357 is better than 70.0-th percentile (0.9743600130081177) across comparable trials. [INFO 11-10 23:26:45] Scheduler: Waiting for completed trials (for 10 sec, currently running trials: 1). [INFO 11-10 23:26:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0. [INFO 11-10 23:26:56] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials. [INFO 11-10 23:26:56] Scheduler: Retrieved COMPLETED trials: [14]. [INFO 11-10 23:26:56] Scheduler: Fetching data for trials: [14]. [WARNING 11-10 23:26:56] Scheduler: Both `init_seconds_between_polls` and `early_stopping_strategy supplied. `init_seconds_between_polls=1` will be overrridden by `early_stopping_strategy.seconds_between_polls=10` and polling will take place at a constant rate.
OptimizationResult()
First, we examine the data stored on the experiment. This shows that each trial is associated with an entire learning curve, represented by the column "steps".
experiment.lookup_data().map_df.head(n=10)
arm_name | metric_name | mean | sem | trial_index | steps | |
---|---|---|---|---|---|---|
0 | 0_0 | val_acc | 0.9385 | NaN | 0 | 1874.0 |
1 | 0_0 | val_acc | 0.9517 | NaN | 0 | 3749.0 |
2 | 0_0 | val_acc | 0.9625 | NaN | 0 | 5624.0 |
3 | 0_0 | val_acc | 0.9682 | NaN | 0 | 7499.0 |
4 | 0_0 | val_acc | 0.9699 | NaN | 0 | 9374.0 |
5 | 0_0 | val_acc | 0.9706 | NaN | 0 | 11249.0 |
6 | 0_0 | val_acc | 0.9720 | NaN | 0 | 13124.0 |
7 | 0_0 | val_acc | 0.9724 | NaN | 0 | 14999.0 |
8 | 0_0 | val_acc | 0.9723 | NaN | 0 | 16874.0 |
9 | 0_0 | val_acc | 0.9737 | NaN | 0 | 18749.0 |
Below is a summary of the experiment, showing that a portion of trials have been early stopped.
exp_to_df(experiment)
val_acc | trial_index | arm_name | hidden_size_1 | hidden_size_2 | learning_rate | dropout | trial_status | generation_method | |
---|---|---|---|---|---|---|---|---|---|
0 | 0.9737 | 0 | 0_0 | 102 | 60 | 0.000537 | 0.362458 | COMPLETED | Sobol |
1 | 0.9608 | 1 | 1_0 | 17 | 105 | 0.000268 | 0.012268 | COMPLETED | Sobol |
2 | 0.9563 | 2 | 2_0 | 105 | 46 | 0.000117 | 0.498323 | COMPLETED | Sobol |
3 | 0.9444 | 3 | 3_0 | 33 | 21 | 0.004844 | 0.144497 | COMPLETED | Sobol |
4 | 0.8931 | 4 | 4_0 | 22 | 116 | 0.001753 | 0.396948 | COMPLETED | Sobol |
5 | 0.9776 | 5 | 5_0 | 128 | 60 | 0.000695 | 0.254158 | COMPLETED | GPEI |
6 | 0.9539 | 6 | 6_0 | 122 | 63 | 0.001202 | 0.449891 | EARLY_STOPPED | GPEI |
7 | 0.9658 | 7 | 7_0 | 91 | 94 | 0.000263 | 0.338030 | EARLY_STOPPED | GPEI |
8 | 0.9689 | 8 | 8_0 | 105 | 43 | 0.000348 | 0.292172 | EARLY_STOPPED | GPEI |
9 | 0.9750 | 9 | 9_0 | 121 | 74 | 0.000474 | 0.289041 | COMPLETED | GPEI |
10 | 0.9674 | 10 | 10_0 | 93 | 56 | 0.000838 | 0.245622 | EARLY_STOPPED | GPEI |
11 | 0.9789 | 11 | 11_0 | 128 | 51 | 0.000674 | 0.145932 | COMPLETED | GPEI |
12 | 0.9748 | 12 | 12_0 | 128 | 53 | 0.000564 | 0.261796 | EARLY_STOPPED | GPEI |
13 | 0.9666 | 13 | 13_0 | 128 | 83 | 0.000637 | 0.151240 | EARLY_STOPPED | GPEI |
14 | 0.9780 | 14 | 14_0 | 128 | 59 | 0.000324 | 0.175574 | COMPLETED | GPEI |
We can give a very rough estimate of the amount of computational savings due to early stopping, by looking at the total number of steps used when early stopping is used versus the number of steps used if we ran all trials to completion. Note to do a true comparison, one should run full HPO loops with and without early stopping (as early stopping will influence the model and future points selected by the generation strategy).
map_df = experiment.lookup_data().map_df
trial_to_max_steps = map_df.groupby("trial_index")["steps"].max()
completed_trial_steps = trial_to_max_steps.iloc[0]
savings = 1.0 - trial_to_max_steps.sum() / (completed_trial_steps * len(trial_to_max_steps))
print(f"A rough estimate of the computational savings is {savings}.")
A rough estimate of the computational savings is 0.20002133333333338.
Finally, we show a visualization of learning curves versus actual elapsed wall time. This helps to illustrate that stopped trials make room for additional trials to be run.
# helper function for getting trial start times
def time_started(row):
trial_index = row["trial_index"]
return experiment.trials[trial_index].time_run_started
# helper function for getting trial completion times
def time_completed(row):
trial_index = row["trial_index"]
return experiment.trials[trial_index].time_completed
# helper function for getting relevant data from experiment
# with early stopping into useful dfs
def early_stopping_exp_to_df(experiment):
trials_df = exp_to_df(experiment)
curve_df = experiment.lookup_data().map_df
training_row_df = curve_df.groupby("trial_index").max().reset_index()[["trial_index", "steps"]]
trials_df = trials_df.merge(training_row_df, on="trial_index")
trials_df["time_started"] = trials_df.apply(func=time_started, axis=1)
trials_df["time_completed"] = trials_df.apply(func=time_completed, axis=1)
start_time = trials_df["time_started"].min()
trials_df["time_started_rel"] = (trials_df["time_started"] - start_time).dt.total_seconds()
trials_df["time_completed_rel"] = (trials_df["time_completed"] - start_time).dt.total_seconds()
return trials_df, curve_df
def plot_curves_by_wall_time(trials_df, curve_df):
trials = set(curve_df["trial_index"])
fig, ax = plt.subplots(1, 1, figsize=(10, 6))
ax.set(xlabel="seconds since start", ylabel="validation accuracy")
for trial_index in trials:
this_trial_df = curve_df[curve_df["trial_index"] == trial_index]
start_time_rel = trials_df["time_started_rel"].iloc[trial_index]
completed_time_rel = trials_df["time_completed_rel"].iloc[trial_index]
total_steps = trials_df.loc[trial_index, "steps"]
smoothed_curve = this_trial_df["mean"].rolling(window=3).mean()
x = start_time_rel + (completed_time_rel - start_time_rel) / total_steps * this_trial_df["steps"]
ax.plot(x, smoothed_curve, label=f"trial #{trial_index}" if trial_index % 2 == 1 else None)
ax.legend()
# wrap in try/except in case of flaky I/O issues
try:
trials_df, curve_df = early_stopping_exp_to_df(experiment)
plot_curves_by_wall_time(trials_df, curve_df)
except Exception as e:
print(f"Encountered exception while plotting results: {e}")
Total runtime of script: 70 minutes, 56.97 seconds.