Skip to main content
Version: 0.5.0

Trial-Level Early Stopping

Trial-level early stopping in Ax

This tutorial illustrates how to add a trial-level early stopping strategy to an Ax hyper-parameter optimization (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 a work in progress.

import sys
import plotly.io as pio
if 'google.colab' in sys.modules:
pio.renderers.default = "colab"
%pip install ax-platform
import os
import tempfile

from pathlib import Path

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 TensorboardMetric

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 tensorboard.backend.event_processing import plugin_event_multiplexer as event_multiplexer

from torchx import specs
from torchx.components import utils

from matplotlib import pyplot as plt


%matplotlib inline
SMOKE_TEST = os.environ.get("SMOKE_TEST")

Defining the TorchX App

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.

if SMOKE_TEST:
epochs = 3
else:
epochs = 10
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()

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="tutorials/early_stopping/mnist_train_nas.py",
image=torchx.version.TORCHX_IMAGE,
)

Setting up the Runner

Ax’s Runner abstraction allows writing interfaces to various backends. Ax already comes with Runner for TorchX, 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 TensorboardMetric 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={},
)

Setting up the SearchSpace

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=[],
)

Setting up Metrics

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 TensorboardMetric 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(TensorboardMetric):

# 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.
def _get_event_multiplexer_for_trial(self, trial):
mul = event_multiplexer.EventMultiplexer(max_reload_threads=20)
mul.AddRunsFromDirectory(Path(log_dir).joinpath(str(trial.index)).as_posix(), None)
mul.Reload()

return mul

# 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",
tag="val_acc",
lower_is_better=False,
)

Setting up the OptimizationConfig

The OptimizationConfig specifies the objective for Ax to optimize.

opt_config = OptimizationConfig(
objective=Objective(
metric=val_acc,
minimize=False,
)
)

Defining an Early Stopping Strategy

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).

  • We make use of 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).
  • The min_progression parameter specifies that trials should only be considered for stopping if the latest progression value is greater than this threshold.
  • The 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,
normalize_progressions=True,
)

Creating the Ax Experiment

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,
)

Choosing the GenerationStrategy

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.

if SMOKE_TEST:
total_trials = 6
else:
total_trials = 15 # total evaluation budget

gs = choose_generation_strategy(
search_space=experiment.search_space,
optimization_config=experiment.optimization_config,
num_trials=total_trials,
)
Out:

[INFO 02-03 20:08:50] ax.modelbridge.dispatch_utils: Using Models.BOTORCH_MODULAR since there is at least one ordered parameter and there are no unordered categorical parameters.

Out:

[INFO 02-03 20:08:50] ax.modelbridge.dispatch_utils: Calculating the number of remaining initialization trials based on num_initialization_trials=None max_initialization_trials=None num_tunable_parameters=4 num_trials=15 use_batch_trials=False

Out:

[INFO 02-03 20:08:50] ax.modelbridge.dispatch_utils: calculated num_initialization_trials=5

Out:

[INFO 02-03 20:08:50] ax.modelbridge.dispatch_utils: num_completed_initialization_trials=0 num_remaining_initialization_trials=5

Out:

[INFO 02-03 20:08:50] ax.modelbridge.dispatch_utils: verbose, disable_progbar, and jit_compile are not yet supported when using choose_generation_strategy with ModularBoTorchModel, dropping these arguments.

Out:

[INFO 02-03 20:08:50] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+BoTorch', steps=[Sobol for 5 trials, BoTorch for subsequent trials]). Iterations after 5 will take longer to generate due to model-fitting.

Configuring the Scheduler

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,
),
)
Out:

[INFO 02-03 20:08:50] Scheduler: Scheduler requires experiment to have immutable search space and optimization config. Setting property immutable_search_space_and_opt_config to True on experiment.

%%time
scheduler.run_all_trials()
Out:

[INFO 02-03 20:08:50] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

/home/runner/work/Ax/Ax/ax/modelbridge/cross_validation.py:439: UserWarning: Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

warn("Encountered exception in computing model fit quality: " + str(e))

[INFO 02-03 20:08:50] Scheduler: Running trials [0]...

Out:

/home/runner/work/Ax/Ax/ax/modelbridge/cross_validation.py:439: UserWarning: Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

warn("Encountered exception in computing model fit quality: " + str(e))

[INFO 02-03 20:08:50] Scheduler: Running trials [1]...

Out:

/home/runner/work/Ax/Ax/ax/modelbridge/cross_validation.py:439: UserWarning: Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

warn("Encountered exception in computing model fit quality: " + str(e))

[INFO 02-03 20:08:51] Scheduler: Running trials [2]...

Out:

/home/runner/work/Ax/Ax/ax/modelbridge/cross_validation.py:439: UserWarning: Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

warn("Encountered exception in computing model fit quality: " + str(e))

[INFO 02-03 20:08:53] Scheduler: Running trials [3]...

Out:

/home/runner/work/Ax/Ax/ax/modelbridge/cross_validation.py:439: UserWarning: Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

warn("Encountered exception in computing model fit quality: " + str(e))

[INFO 02-03 20:08:54] Scheduler: Running trials [4]...

Out:

[INFO 02-03 20:08:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:08:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:08:55] Scheduler: Failed to fetch val_acc for trial 0, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 0 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:55] Scheduler: Failed to fetch val_acc for trial 1, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 1 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:55] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:55] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:55] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:08:55] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:08:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:08:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:08:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:08:56] Scheduler: Failed to fetch val_acc for trial 0, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 0 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:56] Scheduler: Failed to fetch val_acc for trial 1, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 1 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:56] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:56] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:56] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:08:56] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:08:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:08:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:08:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:08:57] Scheduler: Failed to fetch val_acc for trial 0, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 0 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:57] Scheduler: Failed to fetch val_acc for trial 1, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 1 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:57] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:57] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:57] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:08:57] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:08:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:08:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:08:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:08:58] Scheduler: Failed to fetch val_acc for trial 0, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 0 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:58] Scheduler: Failed to fetch val_acc for trial 1, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 1 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:58] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:58] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:58] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:08:58] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:08:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:08:59] Scheduler: Retrieved FAILED trials: [1].

Out:

[INFO 02-03 20:08:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:08:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:08:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:08:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:08:59] Scheduler: Failed to fetch val_acc for trial 0, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 0 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:59] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:59] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:08:59] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:08:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:08:59] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

/home/runner/work/Ax/Ax/ax/modelbridge/cross_validation.py:439: UserWarning: Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

warn("Encountered exception in computing model fit quality: " + str(e))

[INFO 02-03 20:08:59] Scheduler: Running trials [5]...

Out:

[INFO 02-03 20:09:00] Scheduler: Retrieved FAILED trials: [0].

Out:

[INFO 02-03 20:09:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:00] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:00] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:00] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:00] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:00] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

/home/runner/work/Ax/Ax/ax/modelbridge/cross_validation.py:439: UserWarning: Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

warn("Encountered exception in computing model fit quality: " + str(e))

[INFO 02-03 20:09:00] Scheduler: Running trials [6]...

Out:

[INFO 02-03 20:09:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:01] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:01] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:01] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:01] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:01] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:01] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:02] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:02] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:02] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:02] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:02] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:02] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:03] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:03] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:03] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:03] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:03] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:03] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:04] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:04] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:04] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:04] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:04] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:04] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:05] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:05] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:05] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:05] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:05] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:05] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:06] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:07] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:07] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:07] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:07] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:07] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:07] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:07] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:07] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:07] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:07] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:07] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:07] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:07] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:07] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:07] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:08] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:08] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:08] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:08] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:08] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:08] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:09] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:09] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:09] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:09] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:09] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:09] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:10] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:10] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:10] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:10] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:10] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:10] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:11] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:11] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:11] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:11] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:11] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:11] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:12] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:12] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:12] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:12] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:12] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:12] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:13] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:13] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:13] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:13] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:13] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:13] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:14] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:14] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:14] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:14] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:14] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:14] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:15] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:15] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:15] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:15] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:15] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:15] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:16] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:16] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:16] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:16] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:16] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:16] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:17] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:17] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:17] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:17] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:17] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:17] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:19] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:19] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:19] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:19] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:19] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:19] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:20] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:20] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:20] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:20] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:20] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:20] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:21] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:21] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:21] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:21] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:21] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:21] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:22] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:22] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:22] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:22] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:22] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:22] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:23] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:23] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:23] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:23] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:23] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:23] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:24] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:24] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:24] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:24] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:24] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:24] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:25] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:25] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:25] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:25] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:25] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:25] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:26] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:26] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:26] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:26] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:26] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:26] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:27] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:27] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:27] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:27] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:27] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:27] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:28] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:28] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:28] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:28] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:28] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:28] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:29] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:29] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:29] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:29] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:29] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:30] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:31] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:31] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:31] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:31] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:31] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:31] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:32] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:32] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:32] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:32] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:32] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:32] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:33] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:33] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:33] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:33] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:33] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:33] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:34] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:34] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:34] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:34] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:34] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:34] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:35] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:35] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:35] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:35] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:35] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:35] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:36] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:36] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:36] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:36] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:36] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:36] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:37] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:37] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:37] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:37] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:37] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:37] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:38] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:38] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:38] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:38] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:38] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:38] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:39] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:39] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:39] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:39] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:39] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:39] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:40] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:40] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:40] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:40] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:40] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:40] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:41] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:41] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:41] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:41] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:41] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:42] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:43] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:43] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:43] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:43] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:43] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:43] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:44] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:44] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:44] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:44] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:44] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:44] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:45] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:45] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:45] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:45] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:45] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:45] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:46] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:46] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:46] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:46] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:46] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:46] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:47] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:47] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:47] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:47] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:47] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:47] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:48] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:48] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:48] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:48] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:48] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:48] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:49] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:49] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:49] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:49] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:49] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:49] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:50] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:50] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:50] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:50] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:50] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:50] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:51] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:51] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:51] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:51] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:51] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:51] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:52] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:52] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:52] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:52] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:52] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:52] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:53] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:53] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:53] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:53] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:53] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:53] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:55] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:55] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:55] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:55] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:55] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:55] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:56] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:56] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:56] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:56] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:56] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:56] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:57] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:57] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:57] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:57] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:57] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:57] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:58] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:58] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:58] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:58] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:58] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:58] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:09:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:09:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:09:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:09:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:09:59] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:59] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:59] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:59] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:09:59] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:09:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:09:59] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:09:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:00] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:00] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:00] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:00] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:00] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:00] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:01] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:01] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:01] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:01] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:01] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:01] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:02] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:02] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:02] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:02] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:02] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:02] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:03] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:03] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:03] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:03] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:03] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:03] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:04] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:04] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:04] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:04] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:04] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:04] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:05] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:05] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:05] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:05] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:05] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:05] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:05] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:06] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:06] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:06] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:06] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:06] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:06] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:06] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:06] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:06] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:06] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:06] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:06] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:06] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:06] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:06] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:06] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:07] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:07] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:07] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:10:08] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:08] Scheduler: Failed to fetch val_acc for trial 3, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 3 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:08] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:08] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:08] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[INFO 02-03 20:10:08] ax.early_stopping.strategies.base: PercentileEarlyStoppingStrategy received empty data. Not stopping any trials.

Out:

[INFO 02-03 20:10:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:09] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:09] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:09] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:09] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:10] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:10] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:10] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:10] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:11] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:11] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:11] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:11] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:12] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:12] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:12] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:12] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:13] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:13] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:13] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:13] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:14] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:14] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:14] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:14] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:16] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:16] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:16] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:16] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:17] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:17] Scheduler: Failed to fetch val_acc for trial 4, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 4 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:17] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:17] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:18] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:18] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:18] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:18] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:18] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:18] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:19] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:19] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:19] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:20] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:20] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:20] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:21] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:21] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:21] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:23] Scheduler: Failed to fetch val_acc for trial 2, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 2 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:23] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:23] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:24] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:24] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:25] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:25] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:26] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:26] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:10:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:10:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:27] Scheduler: Failed to fetch val_acc for trial 5, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 5 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:10:27] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:29] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:30] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:30] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:30] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:30] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:31] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:10:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:10:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:10:32] Scheduler: Failed to fetch val_acc for trial 6, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:10:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 6 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10:49] 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.

Out:

[INFO 02-03 20:10:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:10: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.

Out:

[INFO 02-03 20:10:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11:07] 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.

Out:

[INFO 02-03 20:11:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11:28] 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.

Out:

[INFO 02-03 20:11:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11:49] 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.

Out:

[INFO 02-03 20:11:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:11: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.

Out:

[INFO 02-03 20:11:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12:07] 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.

Out:

[INFO 02-03 20:12:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12:28] 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.

Out:

[INFO 02-03 20:12:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12:49] 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.

Out:

[INFO 02-03 20:12:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:12: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.

Out:

[INFO 02-03 20:12:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13:07] 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.

Out:

[INFO 02-03 20:13:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13:28] 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.

Out:

[INFO 02-03 20:13:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13:49] 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.

Out:

[INFO 02-03 20:13:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:13: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.

Out:

[INFO 02-03 20:13:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14:07] 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.

Out:

[INFO 02-03 20:14:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14:28] 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.

Out:

[INFO 02-03 20:14:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14:49] 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.

Out:

[INFO 02-03 20:14:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:14: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.

Out:

[INFO 02-03 20:14:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15:07] 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.

Out:

[INFO 02-03 20:15:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15:28] 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.

Out:

[INFO 02-03 20:15:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15:49] 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.

Out:

[INFO 02-03 20:15:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:15: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.

Out:

[INFO 02-03 20:15:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16:07] 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.

Out:

[INFO 02-03 20:16:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16:28] 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.

Out:

[INFO 02-03 20:16:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16:49] 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.

Out:

[INFO 02-03 20:16:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:16: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.

Out:

[INFO 02-03 20:16:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17:49] 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.

Out:

[INFO 02-03 20:17:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:17: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.

Out:

[INFO 02-03 20:17:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:18:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18:07] 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.

Out:

[INFO 02-03 20:18:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:18:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:18:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18:28] 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.

Out:

[INFO 02-03 20:18:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:18:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:18:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:18:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:18: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.

Out:

[INFO 02-03 20:18:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:19:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19:07] 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.

Out:

[INFO 02-03 20:19:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:19:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:19:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19:28] 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.

Out:

[INFO 02-03 20:19:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:19:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:19:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19:49] 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.

Out:

[INFO 02-03 20:19:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:19: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.

Out:

[INFO 02-03 20:19:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:20:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20:07] 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.

Out:

[INFO 02-03 20:20:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:20:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20:28] 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.

Out:

[INFO 02-03 20:20:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:20:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:20:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20:49] 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.

Out:

[INFO 02-03 20:20:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:20:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:20: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.

Out:

[INFO 02-03 20:20:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:07] 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.

Out:

[INFO 02-03 20:21:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:21:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:21:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21: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.

Out:

[INFO 02-03 20:21:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:28] 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.

Out:

[INFO 02-03 20:21:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20: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.

Out:

[INFO 02-03 20:21:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 5).

Out:

[INFO 02-03 20:21:30] Scheduler: Retrieved COMPLETED trials: [3].

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:31] 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.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:21:31] 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.

Out:

[INFO 02-03 20:21:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:32] 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.

Out:

[INFO 02-03 20:21:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:33] 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.

Out:

[INFO 02-03 20:21:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:34] 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.

Out:

[INFO 02-03 20:21:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:36] 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.

Out:

[INFO 02-03 20:21:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:37] 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.

Out:

[INFO 02-03 20:21:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:38] 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.

Out:

[INFO 02-03 20:21:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:39] 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.

Out:

[INFO 02-03 20:21:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:40] 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.

Out:

[INFO 02-03 20:21:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:42] 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.

Out:

[INFO 02-03 20:21:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).

Out:

[INFO 02-03 20:21:43] Scheduler: Retrieved COMPLETED trials: [4].

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:43] 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.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:43] 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.

Out:

[INFO 02-03 20:21:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:44] 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.

Out:

[INFO 02-03 20:21:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:45] 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.

Out:

[INFO 02-03 20:21:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:46] 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.

Out:

[INFO 02-03 20:21:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:47] 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.

Out:

[INFO 02-03 20:21:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:48] 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.

Out:

[INFO 02-03 20:21:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:50] 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.

Out:

[INFO 02-03 20:21:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:51] 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.

Out:

[INFO 02-03 20:21:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:52] 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.

Out:

[INFO 02-03 20:21:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:53] 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.

Out:

[INFO 02-03 20:21:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:54] 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.

Out:

[INFO 02-03 20:21:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:55] 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.

Out:

[INFO 02-03 20:21:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:56] 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.

Out:

[INFO 02-03 20:21:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:57] 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.

Out:

[INFO 02-03 20:21:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:21:58] 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.

Out:

[INFO 02-03 20:21:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:00] 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.

Out:

[INFO 02-03 20:22:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:01] 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.

Out:

[INFO 02-03 20:22:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:02] 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.

Out:

[INFO 02-03 20:22:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:03] Scheduler: Retrieved COMPLETED trials: [2].

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22: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.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:22:06] Scheduler: Running trials [7]...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:22:10] Scheduler: Running trials [8]...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:22:13] Scheduler: Running trials [9]...

Out:

[INFO 02-03 20:22:14] Scheduler: Retrieved COMPLETED trials: 5 - 6.

Out:

[INFO 02-03 20:22:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:14] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:14] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:14] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:14] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:22:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:14] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:14] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:14] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:14] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:15] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:15] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:15] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:15] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:16] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:16] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:16] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:16] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:17] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:17] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:17] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:17] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:18] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:18] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:18] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:18] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:18] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:18] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:18] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:19] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:19] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:19] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:20] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:21] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:21] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:21] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:21] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:22] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:22] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:22] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:22] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:23] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:23] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:23] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:23] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:24] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:24] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:24] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:24] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:25] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:25] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:25] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:25] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:26] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:26] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:26] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:26] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:27] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:27] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:27] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:27] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:28] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:28] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:28] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:28] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:29] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:29] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:29] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:29] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:30] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:30] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:30] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:30] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:30] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:30] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:30] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:30] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:30] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:30] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:30] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:30] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:30] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:31] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:31] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:31] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:31] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:32] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:32] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:32] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:32] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:33] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:33] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:33] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:33] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:33] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:34] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:34] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:34] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:34] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:35] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:35] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:35] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:36] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:37] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:37] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:37] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:37] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:38] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:38] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:38] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:38] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:39] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:39] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:39] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:39] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:40] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:40] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:40] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:40] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[WARNING 02-03 20:22:41] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:41] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:41] Scheduler: Failed to fetch val_acc for trial 7, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 7 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.

Out:

[INFO 02-03 20:22:41] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:42] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:42] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:42] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:42] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:42] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:42] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:42] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:42] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:42] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:43] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:43] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:43] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:44] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:44] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:44] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:45] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:45] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:45] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:46] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:46] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:46] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:47] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:47] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:47] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:22:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:22:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:48] Scheduler: Failed to fetch val_acc for trial 8, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 8 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:22:48] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:49] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:50] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:50] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:51] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:51] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:52] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:52] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:53] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:53] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:54] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:54] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:54] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:22:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:22:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:22:55] Scheduler: Failed to fetch val_acc for trial 9, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:22:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 9 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:55] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:56] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:57] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:22:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:22:58] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:22:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:00] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:00] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:01] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:02] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:03] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:04] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:05] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:06] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:07] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:08] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:09] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:11] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:12] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.09994666666666667.

Out:

[INFO 02-03 20:23:13] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:14] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:15] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:16] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:17] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:18] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:19] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:21] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:22] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:23] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:24] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:25] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:26] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:27] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:28] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:29] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:31] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:32] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:33] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:33] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:34] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:35] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:36] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:37] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:38] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:40] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:41] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:42] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:43] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:44] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:23:45] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:46] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:47] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:48] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:49] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:51] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:52] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:53] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:54] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:55] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:56] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:57] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:58] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:23:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:23:59] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:23:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:01] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:02] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:03] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:04] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:05] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:06] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:07] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:08] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:09] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:11] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:12] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:13] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:14] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:15] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:16] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:17] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:18] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.29994666666666664.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.base: Trial 8's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.percentile: Considering trial 7 for early stopping.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.base: Last progression of Trial 7 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:19] ax.early_stopping.strategies.percentile: Early stopping decision for 7: True. Reason: Trial objective value 0.9321967959403992 is worse than 70.0-th percentile (0.9396946728229523) across comparable trials.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:24:23] Scheduler: Running trials [10]...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:24] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.

Out:

[INFO 02-03 20:24:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:24] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:24] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:26] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:26] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:27] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:27] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:28] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:28] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:29] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:29] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:30] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:30] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:30] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:30] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:30] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:31] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:31] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.percentile: Considering trial 8 for early stopping.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.base: Last progression of Trial 8 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.percentile: Early stopping decision for 8: True. Reason: Trial objective value 0.9058094024658203 is worse than 70.0-th percentile (0.9351959466934204) across comparable trials.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.29994666666666664.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.base: Trial 9's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:31] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:24:35] Scheduler: Running trials [11]...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:35] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.

Out:

[INFO 02-03 20:24:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:35] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:35] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:35] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:36] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:36] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:36] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:37] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:37] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:37] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:38] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:38] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:38] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:39] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:39] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:39] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:40] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:40] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:24:40] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:24:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:41] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:42] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:42] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:42] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:42] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:43] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:43] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:43] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:44] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:44] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:44] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:45] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:45] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:45] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:46] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:46] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:46] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:47] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:47] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:47] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:48] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:48] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:48] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:49] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:49] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:49] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:51] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:51] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:51] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:52] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:52] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:52] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:53] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:53] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:53] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:54] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:54] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:54] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:54] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:54] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:55] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:55] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:55] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:55] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:56] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:56] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:56] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:56] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:56] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:57] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:57] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:58] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:24:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:24:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:24:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:24:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:24:59] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:24:59] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:24:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:24:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:24:59] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:24:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:25:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:25:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:00] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:25:00] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:00] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:00] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:25:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:25:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:01] Scheduler: Failed to fetch val_acc for trial 10, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 10 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:25:01] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.base: There is not yet any data associated with trial 10 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:01] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:02] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:02] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:03] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:03] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:04] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:04] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:05] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:05] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:06] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:06] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:06] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:07] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:07] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:07] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:07] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:08] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:08] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:09] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:09] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:10] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:10] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:11] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:11] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:12] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.3999466666666667.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9613049626350403 is better than 70.0-th percentile (0.9456929743289948) across comparable trials.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:13] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:14] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:14] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:15] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:15] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:16] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:16] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:17] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:17] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:18] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:18] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:18] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:18] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:18] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:20] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:20] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:25:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:25:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:25:21] Scheduler: Failed to fetch val_acc for trial 11, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:25:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 11 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:21] ax.early_stopping.strategies.base: There is not yet any data associated with trial 11 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:25:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:22] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:23] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:24] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:25] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:25] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:25] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:25] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:25] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:25] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:25] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:26] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:26] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:26] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:26] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:26] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:27] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:28] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:29] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:30] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:31] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:32] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:34] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:35] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:36] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:37] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:38] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:39] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:41] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:42] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:43] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:44] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:45] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:46] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.49994666666666665.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9653499126434326 is better than 70.0-th percentile (0.9528523087501526) across comparable trials.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:48] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:49] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:50] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:51] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:52] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:54] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:55] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:56] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.09994666666666667.

Out:

[INFO 02-03 20:25:57] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:58] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:25:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:25:59] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:25:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:00] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:00] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:00] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:00] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:00] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:01] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:01] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:01] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:01] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:01] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:01] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:02] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:03] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:04] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:05] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:06] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:08] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:09] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:10] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:11] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:12] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:14] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:15] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:16] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:17] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:18] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:19] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:21] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:22] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.5999466666666666.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9716036915779114 is better than 70.0-th percentile (0.9525718092918396) across comparable trials.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:23] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:24] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:25] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:27] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:28] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:29] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:30] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:31] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.19994666666666666.

Out:

[INFO 02-03 20:26:32] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:34] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:35] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:36] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:37] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:38] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:39] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:41] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:42] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:43] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.base: Trial 10's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:44] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:45] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:47] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:48] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:49] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:50] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:51] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:52] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:54] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:55] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:56] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.6999466666666667.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9740856289863586 is better than 70.0-th percentile (0.9540453851222992) across comparable trials.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:57] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:26:58] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:26:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:26:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:27:00] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:27:01] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:27:02] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:27:03] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:27:04] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:27:05] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9556599974632263) across comparable trials.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.29994666666666664.

Out:

[INFO 02-03 20:27:07] ax.early_stopping.strategies.base: Trial 11's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Considering trial 11 for early stopping.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.base: Last progression of Trial 11 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:08] ax.early_stopping.strategies.percentile: Early stopping decision for 11: True. Reason: Trial objective value 0.9508371353149414 is worse than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:27:12] Scheduler: Running trials [12]...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:13] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.

Out:

[INFO 02-03 20:27:13] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:13] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:13] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:13] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:13] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:14] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:14] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:14] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:14] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:14] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:15] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:15] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:15] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:15] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:15] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:16] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:16] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:16] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:16] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:16] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:17] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:17] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:17] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:17] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:17] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:19] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:19] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:19] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:19] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:19] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:20] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.3999466666666667.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9677968621253967 is better than 70.0-th percentile (0.9539774835109711) across comparable trials.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:20] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:21] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:21] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:22] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:22] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:23] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:23] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:23] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:24] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:24] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:24] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:24] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:24] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:24] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:24] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:25] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:25] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:25] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:25] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:25] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:26] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:26] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:27] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:27] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:28] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:28] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:29] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:29] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:29] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:29] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:29] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:30] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:30] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:30] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:30] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:30] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:31] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:31] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:32] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.7999466666666667.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.7999466666666667.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954177

3 0.909685

4 0.940565

5 0.966802

6 0.945280

9 0.971443

Name: 0.7999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9714425802230835 is better than 70.0-th percentile (0.9604896008968353) across comparable trials.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:32] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:33] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:33] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:33] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:33] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:33] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:33] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:34] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:34] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:35] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:35] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:36] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:36] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:37] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:37] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:39] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:39] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:40] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:40] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:41] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:41] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:42] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:42] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:42] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:42] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:42] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:43] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:43] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:44] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:44] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:44] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:44] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:44] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:46] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:46] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:47] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:47] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:48] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:48] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:49] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:49] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:50] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:50] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:27:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:27:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:27:51] Scheduler: Failed to fetch val_acc for trial 12, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:27:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 12 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:51] ax.early_stopping.strategies.base: There is not yet any data associated with trial 12 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:27:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:27:53] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:27:54] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:27:55] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.49994666666666665.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9611322283744812 is better than 70.0-th percentile (0.9603773951530457) across comparable trials.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:27:56] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:27:57] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:27:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:27:59] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:27:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:00] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:00] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:01] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:02] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:03] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:04] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:06] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:07] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:08] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.8999466666666667.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.8999466666666667.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.954464

3 0.910618

4 0.941303

5 0.963491

6 0.947191

9 0.976203

Name: 0.8999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9762029051780701 is better than 70.0-th percentile (0.9589775204658508) across comparable trials.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:09] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.9999466666666667.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.9999466666666667.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.955644

3 0.910702

4 0.942158

5 0.968135

6 0.944808

9 0.975347

Name: 0.9999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9753473401069641 is better than 70.0-th percentile (0.9618895053863525) across comparable trials.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:10] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.9999466666666667.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.9999466666666667.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.955644

3 0.910702

4 0.942158

5 0.968135

6 0.944808

9 0.975347

Name: 0.9999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9753473401069641 is better than 70.0-th percentile (0.9618895053863525) across comparable trials.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:12] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.9999466666666667.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.base: Last progression of Trial 9 is 0.9999466666666667.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.955644

3 0.910702

4 0.942158

5 0.968135

6 0.944808

9 0.975347

Name: 0.9999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9753473401069641 is better than 70.0-th percentile (0.9618895053863525) across comparable trials.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:13] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 1.0.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.percentile: Considering trial 9 for early stopping.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.base: Last progression of Trial 9 is 1.0.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.955644

3 0.910702

4 0.942158

5 0.968135

6 0.944808

9 0.975347

Name: 1.0, dtype: float64.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.percentile: Early stopping decision for 9: False. Reason: Trial objective value 0.9753473401069641 is better than 70.0-th percentile (0.9618895053863525) across comparable trials.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:14] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:15] Scheduler: Retrieved COMPLETED trials: [9].

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:15] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:15] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:28:19] Scheduler: Running trials [13]...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:20] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.

Out:

[INFO 02-03 20:28:20] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:20] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:20] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:20] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:20] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:28:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:21] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:21] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:21] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:21] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:21] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:28:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:22] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:22] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:22] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:22] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:22] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:28:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:23] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:23] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:24] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:24] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:24] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:28:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:25] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:25] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:25] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:25] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:25] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:28:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:26] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:26] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:26] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:26] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.09994666666666667.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:26] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:28:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:27] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:27] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:27] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:27] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.5999466666666666.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.5999466666666666.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.940409

3 0.904763

4 0.933916

5 0.964735

6 0.939567

9 0.971604

10 0.965680

Name: 0.5999466666666666, dtype: float64.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.percentile: Early stopping decision for 10: False. Reason: Trial objective value 0.9656804800033569 is better than 70.0-th percentile (0.9649237394332886) across comparable trials.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:27] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

[INFO 02-03 20:28:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:28] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:28] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:28] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:28] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.6999466666666667.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.percentile: Considering trial 10 for early stopping.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.base: Last progression of Trial 10 is 0.6999466666666667.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.942499

3 0.908820

4 0.936276

5 0.965592

6 0.942066

9 0.974086

10 0.964372

Name: 0.6999466666666667, dtype: float64.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.percentile: Early stopping decision for 10: True. Reason: Trial objective value 0.9643722772598267 is worse than 70.0-th percentile (0.9646161675453186) across comparable trials.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.19994666666666666.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.base: Trial 12's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:28:28] ax.early_stopping.strategies.base: There is not yet any data associated with trial 13 and metric val_acc. Not early stopping this trial.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

Out:

[INFO 02-03 20:28:31] Scheduler: Running trials [14]...

Out:

[INFO 02-03 20:28:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:32] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:32] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:32] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:32] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:32] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:33] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:33] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:34] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:34] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:34] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:34] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:34] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:34] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:35] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:35] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:35] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:35] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:35] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:35] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:36] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:36] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:36] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:36] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:36] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:36] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:37] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:37] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:37] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:37] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:37] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:37] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:38] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:38] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:38] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:38] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:38] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:38] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:39] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:39] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:39] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:39] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:39] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:39] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:40] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:40] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:40] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:40] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:40] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:40] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:41] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:41] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:41] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:41] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:41] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:41] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:42] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:42] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:42] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:42] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:42] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:42] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:42] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:42] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:42] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:43] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:43] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:43] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:43] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:43] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:43] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:45] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:45] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:45] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:45] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:45] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:45] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:46] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:46] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:46] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:46] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:46] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:46] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:47] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:47] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:47] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:47] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:47] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:47] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:48] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:48] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:48] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:48] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:48] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:48] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:49] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:49] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:49] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:49] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:49] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:49] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:50] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:50] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:50] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:50] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:50] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:50] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:51] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:51] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:51] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:51] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:51] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:51] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:52] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:52] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:52] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:52] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:52] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:52] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:53] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:53] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:53] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:53] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:53] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:53] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:54] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:54] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:54] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:54] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:54] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:54] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:54] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:55] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:55] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:56] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:56] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:56] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:56] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:57] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:57] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:57] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:57] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:57] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:57] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:58] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:58] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:58] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:58] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:58] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:58] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:28:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[INFO 02-03 20:28:59] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:28:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

[ERROR 02-03 20:28:59] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:28:59] Scheduler: Failed to fetch val_acc for trial 13, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 13 is still RUNNING continuing the experiment and retrying on next poll...

Out:

[WARNING 02-03 20:28:59] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:28:59] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:28:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:28:59] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:28:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:00] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:00] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:00] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:00] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:00] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:00] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:01] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:01] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:01] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:01] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:01] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:01] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:02] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:02] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:02] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:02] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:02] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:03] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:03] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:03] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:03] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:03] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:04] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:04] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:04] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:04] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:04] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:06] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:06] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:06] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:06] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:06] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:07] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:07] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:07] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:07] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:07] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:08] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:08] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:08] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:08] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:08] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:09] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:09] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:09] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:09] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:09] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:10] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:10] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:10] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:10] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:10] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:11] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:11] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:11] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:11] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:11] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

[INFO 02-03 20:29:12] ax.core.metric: MetricFetchE INFO: Initialized MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.")

Out:

[ERROR 02-03 20:29:12] ax.core.experiment: Discovered Metric fetching Err while attaching data MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available."). Ignoring for now -- will retry query on next call to fetch.

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[WARNING 02-03 20:29:12] Scheduler: Failed to fetch val_acc for trial 14, found MetricFetchE(message="Tensorboard multiplexer is empty. This can happen if TB data is not populated at the time of fetch. Check the corresponding logs to confirm that Tensorboard data is available.").

Out:

[INFO 02-03 20:29:12] Scheduler: MetricFetchE INFO: Because val_acc is available_while_running and trial 14 is still RUNNING continuing the experiment and retrying on next poll...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:12] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:13] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:14] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:16] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:17] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:18] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:19] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:20] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:21] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:22] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:23] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:25] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:26] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:26] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:26] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:27] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:28] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:29] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:30] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:31] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:32] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:34] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:35] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.utils: Got exception x and y arrays must have at least 2 entries during interpolation. Using uninterpolated values instead.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.percentile: Considering trial 12 for early stopping.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.base: Last progression of Trial 12 is 0.3999466666666667.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.percentile: Early stopping decision for 12: True. Reason: Trial objective value 0.9471631050109863 is worse than 70.0-th percentile (0.9508371353149414) across comparable trials.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.19994666666666666.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.base: Trial 13's most recent progression (0.19994666666666666) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.09994666666666667.

Out:

[INFO 02-03 20:29:35] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.09994666666666667) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:29:36] Scheduler: Done submitting trials, waiting for remaining 2 running trials...

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:36] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:37] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:38] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:39] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:40] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:41] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:42] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:43] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:44] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:44] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:45] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:47] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:48] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:49] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:50] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:50] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:51] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:51] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:52] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:52] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:53] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:53] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:54] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:54] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:55] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:55] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:56] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.19994666666666666.

Out:

[INFO 02-03 20:29:56] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:56] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:57] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:57] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:58] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:58] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:29:59] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:29:59] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:29:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:00] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:00] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:02] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:02] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:02] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:03] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:03] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:03] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:04] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:04] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:05] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:05] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:06] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:06] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:07] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:07] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:08] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:08] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:08] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:09] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:09] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:10] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:10] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:11] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:11] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:12] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:12] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:13] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:13] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:13] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:14] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:14] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:16] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:16] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:17] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.29994666666666664.

Out:

[INFO 02-03 20:30:17] ax.early_stopping.strategies.base: No trials have reached 0.3. Not stopping any trials.

Out:

[INFO 02-03 20:30:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:18] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:18] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:18] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:18] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:18] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:18] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:18] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:18] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:19] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:19] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:19] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:19] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:19] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:19] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:19] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:19] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:19] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:20] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:20] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:20] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:20] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:20] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:20] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:20] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:20] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:21] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:21] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:21] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:21] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:21] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:21] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:21] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:21] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:21] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:22] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:22] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:22] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:22] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:22] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:22] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:22] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:22] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:23] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:23] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:23] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:23] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:23] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:23] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:23] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:23] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:23] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:24] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:24] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:24] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:24] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:24] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:24] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:24] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:24] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:25] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:25] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:25] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:25] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:25] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:25] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:25] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:25] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:27] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:27] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:27] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:27] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:27] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9581646144390106) across comparable trials.

Out:

[INFO 02-03 20:30:27] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:27] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.29994666666666664.

Out:

[INFO 02-03 20:30:27] ax.early_stopping.strategies.base: Trial 14's most recent progression (0.29994666666666664) that is available for metric val_acc falls out of the min/max_progression range (0.3, None). Not early stopping this trial.

Out:

[INFO 02-03 20:30:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:28] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:28] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:29] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:29] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:30] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:30] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:30] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:31] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:31] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:32] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:32] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:33] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:33] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:34] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:34] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:36] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:36] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:37] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:37] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:38] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.3999466666666667.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9626174569129944 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:38] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:39] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:39] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:40] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:40] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:40] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:41] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:41] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:41] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:42] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:42] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:42] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:43] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:43] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:45] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:45] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:46] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:46] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:47] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.9610378742218018) across comparable trials.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.3999466666666667.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.947193

3 0.899104

4 0.929789

5 0.964387

6 0.928947

7 0.932197

8 0.905809

9 0.961305

10 0.967797

11 0.950837

12 0.947163

13 0.962617

14 0.964743

Name: 0.3999466666666667, dtype: float64.

Out:

[INFO 02-03 20:30:47] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.96474289894104 is better than 70.0-th percentile (0.9618299603462219) across comparable trials.

Out:

[INFO 02-03 20:30:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:48] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.base: Last progression of Trial 13 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

14 0.970041

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.percentile: Early stopping decision for 13: False. Reason: Trial objective value 0.9666095972061157 is better than 70.0-th percentile (0.963662838935852) across comparable trials.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.percentile: Considering trial 14 for early stopping.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.base: Last progression of Trial 14 is 0.49994666666666665.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.percentile: Early stopping objective at last progression is:

2 0.945516

3 0.902653

4 0.931424

5 0.960189

6 0.935666

9 0.965350

10 0.961132

13 0.966610

14 0.970041

Name: 0.49994666666666665, dtype: float64.

Out:

[INFO 02-03 20:30:48] ax.early_stopping.strategies.percentile: Early stopping decision for 14: False. Reason: Trial objective value 0.970040500164032 is better than 70.0-th percentile (0.963662838935852) across comparable trials.

Out:

[INFO 02-03 20:30:48] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).

Out:

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

/home/runner/work/Ax/Ax/ax/core/map_data.py:216: FutureWarning: The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

df = pd.concat(

[INFO 02-03 20:30:49] ax.early_stopping.strategies.base: Last progression of any candidate for trial stopping is 0.49994666666666665.

Out:

[INFO 02-03 20:30:49] ax.early_stopping.strategies.percentile: Considering trial 13 for early stopping.