Shortcuts

Multi-Objective NAS with Ax

Authors: David Eriksson, Max Balandat, and the Adaptive Experimentation team at Meta.

In this tutorial, we show how to use Ax to run multi-objective neural architecture search (NAS) for a simple neural network model on the popular MNIST dataset. While the underlying methodology would typically be used for more complicated models and larger datasets, we opt for a tutorial that is easily runnable end-to-end on a laptop in less than 20 minutes.

In many NAS applications, there is a natural tradeoff between multiple objectives of interest. For instance, when deploying models on-device we may want to maximize model performance (for example, accuracy), while simultaneously minimizing competing metrics like power consumption, inference latency, or model size in order to satisfy deployment constraints. Often, we may be able to reduce computational requirements or latency of predictions substantially by accepting minimally lower model performance. Principled methods for exploring such tradeoffs efficiently are key enablers of scalable and sustainable AI, and have many successful applications at Meta - see for instance our case study on a Natural Language Understanding model.

In our example here, we will tune the widths of two hidden layers, the learning rate, the dropout probability, the batch size, and the number of training epochs. The goal is to trade off performance (accuracy on the validation set) and model size (the number of model parameters).

This tutorial makes use of the following PyTorch libraries:

  • PyTorch Lightning (specifying the model and training loop)

  • TorchX (for running training jobs remotely / asynchronously)

  • BoTorch (the Bayesian Optimization library powering Ax’s algorithms)

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 architecture and hyperparameters of the training job and creates a TorchX AppDef with the appropriate settings.

from pathlib import Path

import torchx

from torchx import specs
from torchx.components import utils


def trainer(
    log_path: str,
    hidden_size_1: int,
    hidden_size_2: int,
    learning_rate: float,
    epochs: int,
    dropout: float,
    batch_size: int,
    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()

    return utils.python(
        # command line arguments to the training script
        "--log_path",
        log_path,
        "--hidden_size_1",
        str(hidden_size_1),
        "--hidden_size_2",
        str(hidden_size_2),
        "--learning_rate",
        str(learning_rate),
        "--epochs",
        str(epochs),
        "--dropout",
        str(dropout),
        "--batch_size",
        str(batch_size),
        # other config options
        name="trainer",
        script="mnist_train_nas.py",
        image=torchx.version.TORCHX_IMAGE,
    )

Setting up the Runner

Ax’s Runner abstraction allows writing interfaces to various backends. Ax already comes with Runner for TorchX, and so we just need to configure it. For the purpose of this tutorial we run jobs locally in a fully asynchronous fashion.

In order to launch them on a cluster, you can instead specify a different TorchX scheduler and adjust the configuration appropriately. For example, if you have a Kubernetes cluster, you just need to change the scheduler from local_cwd to kubernetes).

import tempfile
from ax.runners.torchx import TorchXRunner

# 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 arguments 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, dropout, and number of epochs as range parameters and tune the batch size as an ordered choice parameter to enforce it to be a power of 2.

from ax.core import (
    ChoiceParameter,
    ParameterType,
    RangeParameter,
    SearchSpace,
)

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="epochs",
        lower=1,
        upper=4,
        parameter_type=ParameterType.INT,
    ),
    RangeParameter(
        name="dropout",
        lower=0.0,
        upper=0.5,
        parameter_type=ParameterType.FLOAT,
    ),
    ChoiceParameter(  # NOTE: ``ChoiceParameters`` don't require log-scale
        name="batch_size",
        values=[32, 64, 128, 256],
        parameter_type=ParameterType.INT,
        is_ordered=True,
        sort_values=True,
    ),
]

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. encoding how data is fetched from some distributed execution backend and post-processed before being passed as input to Ax.

In this tutorial we will use multi-objective optimization with the goal of maximizing the validation accuracy and minimizing the number of model parameters. The latter represents a simple proxy of model latency, which is hard to estimate accurately for small ML models (in an actual application we would benchmark the latency while running the model on-device).

In our example TorchX will run the training jobs in a fully asynchronous fashion locally and write the results to the log_dir based on the trial index (see the trainer() function above). We will define a metric class that is aware of that logging directory. By subclassing TensorboardCurveMetric we get the logic to read and parse the TensorBoard logs for free.

from ax.metrics.tensorboard import TensorboardCurveMetric


class MyTensorboardMetric(TensorboardCurveMetric):

    # NOTE: We need to tell the new TensorBoard metric how to get the id /
    # file handle for the TensorBoard logs from a trial. In this case
    # our convention is to just save a separate file per trial in
    # the prespecified log dir.
    @classmethod
    def get_ids_from_trials(cls, trials):
        return {
            trial.index: Path(log_dir).joinpath(str(trial.index)).as_posix()
            for trial in trials
        }

    # This indicates whether the metric is queryable while the trial is
    # still running. We don't use this in the current tutorial, but Ax
    # utilizes this to implement trial-level early-stopping functionality.
    @classmethod
    def is_available_while_running(cls):
        return False

Now we can instantiate the metrics for accuracy and the number of model parameters. Here curve_name is the name of the metric in the TensorBoard logs, while name is the metric name used internally by Ax. We also specify lower_is_better to indicate the favorable direction of the two metrics.

val_acc = MyTensorboardMetric(
    name="val_acc",
    curve_name="val_acc",
    lower_is_better=False,
)
model_num_params = MyTensorboardMetric(
    name="num_params",
    curve_name="num_params",
    lower_is_better=True,
)

Setting up the OptimizationConfig

The way to tell Ax what it should optimize is by means of an OptimizationConfig. Here we use a MultiObjectiveOptimizationConfig as we will be performing multi-objective optimization.

Additionally, Ax supports placing constraints on the different metrics by specifying objective thresholds, which bound the region of interest in the outcome space that we want to explore. For this example, we will constrain the validation accuracy to be at least 0.94 (94%) and the number of model parameters to be at most 80,000.

from ax.core import MultiObjective, Objective, ObjectiveThreshold
from ax.core.optimization_config import MultiObjectiveOptimizationConfig


opt_config = MultiObjectiveOptimizationConfig(
    objective=MultiObjective(
        objectives=[
            Objective(metric=val_acc, minimize=False),
            Objective(metric=model_num_params, minimize=True),
        ],
    ),
    objective_thresholds=[
        ObjectiveThreshold(metric=val_acc, bound=0.94, relative=False),
        ObjectiveThreshold(metric=model_num_params, bound=80_000, relative=False),
    ],
)

Creating the Ax Experiment

In Ax, the Experiment object is the object that stores all the information about the problem setup.

from ax.core import Experiment

experiment = Experiment(
    name="torchx_mnist",
    search_space=search_space,
    optimization_config=opt_config,
    runner=ax_runner,
)

Choosing the Generation Strategy

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.

total_trials = 48  # total evaluation budget

from ax.modelbridge.dispatch_utils import choose_generation_strategy

gs = choose_generation_strategy(
    search_space=experiment.search_space,
    optimization_config=experiment.optimization_config,
    num_trials=total_trials,
  )
[INFO 04-17 00:04:08] ax.modelbridge.dispatch_utils: Using Models.BOTORCH_MODULAR since there is at least one ordered parameter and there are no unordered categorical parameters.
[INFO 04-17 00:04:08] ax.modelbridge.dispatch_utils: Calculating the number of remaining initialization trials based on num_initialization_trials=None max_initialization_trials=None num_tunable_parameters=6 num_trials=48 use_batch_trials=False
[INFO 04-17 00:04:08] ax.modelbridge.dispatch_utils: calculated num_initialization_trials=9
[INFO 04-17 00:04:08] ax.modelbridge.dispatch_utils: num_completed_initialization_trials=0 num_remaining_initialization_trials=9
[INFO 04-17 00:04:08] ax.modelbridge.dispatch_utils: `verbose`, `disable_progbar`, and `jit_compile` are not yet supported when using `choose_generation_strategy` with ModularBoTorchModel, dropping these arguments.
[INFO 04-17 00:04:08] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+BoTorch', steps=[Sobol for 9 trials, BoTorch for subsequent trials]). Iterations after 9 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, and retrieve results. In the case of this tutorial, it is simply reading and parsing the locally saved logs. In a remote execution setting, it would call APIs. The following illustration from the Ax Scheduler tutorial summarizes how the Scheduler interacts with external systems used to run trial evaluations:

../_static/img/ax_scheduler_illustration.png

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.

from ax.service.scheduler import Scheduler, SchedulerOptions

scheduler = Scheduler(
    experiment=experiment,
    generation_strategy=gs,
    options=SchedulerOptions(
        total_trials=total_trials, max_pending_trials=4
    ),
)
[WARNING 04-17 00:04:08] ax.service.utils.with_db_settings_base: Ax currently requires a sqlalchemy version below 2.0. This will be addressed in a future release. Disabling SQL storage in Ax for now, if you would like to use SQL storage please install Ax with mysql extras via `pip install ax-platform[mysql]`.
[INFO 04-17 00:04:08] Scheduler: `Scheduler` requires experiment to have immutable search space and optimization config. Setting property immutable_search_space_and_opt_config to `True` on experiment.

Running the optimization

Now that everything is configured, we can let Ax run the optimization in a fully automated fashion. The Scheduler will periodically check the logs for the status of all currently running trials, and if a trial completes the scheduler will update its status on the experiment and fetch the observations needed for the Bayesian optimization algorithm.

scheduler.run_all_trials()
[INFO 04-17 00:04:08] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:08] Scheduler: Running trials [0]...
[INFO 04-17 00:04:09] Scheduler: Running trials [1]...
[INFO 04-17 00:04:10] Scheduler: Running trials [2]...
[INFO 04-17 00:04:11] Scheduler: Running trials [3]...
[INFO 04-17 00:04:12] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:04:13] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:13] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:04:14] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:14] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-17 00:04:17] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:17] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-17 00:04:20] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:20] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 04-17 00:04:25] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:25] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 04-17 00:04:33] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:33] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 4).
[INFO 04-17 00:04:44] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:04:44] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 4).
[INFO 04-17 00:05:01] Scheduler: Fetching data for newly completed trials: [1].
[INFO 04-17 00:05:01] Scheduler: Retrieved COMPLETED trials: [1].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:05:01] Scheduler: Running trials [4]...
[INFO 04-17 00:05:01] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:05:02] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:02] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:05:04] Scheduler: Fetching data for newly completed trials: [3].
[INFO 04-17 00:05:04] Scheduler: Retrieved COMPLETED trials: [3].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:05:04] Scheduler: Running trials [5]...
[INFO 04-17 00:05:05] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:05:06] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:06] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:05:07] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:07] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-17 00:05:10] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:10] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-17 00:05:13] Scheduler: Fetching data for newly completed trials: [2].
[INFO 04-17 00:05:13] Scheduler: Retrieved COMPLETED trials: [2].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:05:13] Scheduler: Running trials [6]...
[INFO 04-17 00:05:14] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:05:15] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:15] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:05:17] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:17] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-17 00:05:19] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:19] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-17 00:05:22] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:22] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 04-17 00:05:27] Scheduler: Fetching data for newly completed trials: [0].
[INFO 04-17 00:05:27] Scheduler: Retrieved COMPLETED trials: [0].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:05:27] Scheduler: Running trials [7]...
[INFO 04-17 00:05:29] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:05:30] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:30] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:05:31] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:31] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-17 00:05:33] Scheduler: Fetching data for newly completed trials: [4].
[INFO 04-17 00:05:33] Scheduler: Retrieved COMPLETED trials: [4].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:05:33] Scheduler: Running trials [8]...
[INFO 04-17 00:05:34] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:05:35] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:35] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:05:37] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:37] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-17 00:05:39] Scheduler: Fetching data for newly completed trials: [5].
[INFO 04-17 00:05:39] Scheduler: Retrieved COMPLETED trials: [5].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:05:42] Scheduler: Running trials [9]...
[INFO 04-17 00:05:43] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:43] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:05:44] Scheduler: Fetching data for newly completed trials: [6].
[INFO 04-17 00:05:44] Scheduler: Retrieved COMPLETED trials: [6].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:05:46] Scheduler: Running trials [10]...
[INFO 04-17 00:05:47] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:05:48] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:48] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:05:50] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:50] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-17 00:05:52] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:52] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-17 00:05:56] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:05:56] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 04-17 00:06:01] Scheduler: Fetching data for newly completed trials: [8].
[INFO 04-17 00:06:01] Scheduler: Retrieved COMPLETED trials: [8].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:03] Scheduler: Running trials [11]...
[INFO 04-17 00:06:04] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-17 00:06:05] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:05] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-17 00:06:06] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:06] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-17 00:06:09] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:09] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-17 00:06:12] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:12] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 04-17 00:06:17] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:17] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 04-17 00:06:25] Scheduler: Fetching data for newly completed trials: [7].
[INFO 04-17 00:06:25] Scheduler: Retrieved COMPLETED trials: [7].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:25] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:06:26] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:26] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:06:27] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:27] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:06:29] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:29] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:06:33] Scheduler: Fetching data for newly completed trials: [9].
[INFO 04-17 00:06:33] Scheduler: Retrieved COMPLETED trials: [9].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:35] Scheduler: Running trials [12]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:36] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:06:36] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:06:36] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:06:37] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:37] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:06:39] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:39] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:06:41] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:41] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:06:44] Scheduler: Fetching data for newly completed trials: [10].
[INFO 04-17 00:06:44] Scheduler: Retrieved COMPLETED trials: [10].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:48] Scheduler: Running trials [13]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:49] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:06:49] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:06:49] Scheduler: Fetching data for newly completed trials: [11].
[INFO 04-17 00:06:49] Scheduler: Retrieved COMPLETED trials: [11].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:52] Scheduler: Running trials [14]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:06:53] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:06:53] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:06:53] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:06:54] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:54] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:06:55] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:55] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:06:57] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:06:57] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:07:01] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:01] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:07:06] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:06] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:07:13] Scheduler: Fetching data for newly completed trials: [12].
[INFO 04-17 00:07:13] Scheduler: Retrieved COMPLETED trials: [12].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:07:16] Scheduler: Running trials [15]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:07:17] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:07:17] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:07:17] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:17] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:07:18] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:18] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:07:19] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:19] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:07:22] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:22] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:07:25] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:25] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:07:30] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:30] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:07:38] Scheduler: Fetching data for newly completed trials: 13 - 14.
[INFO 04-17 00:07:38] Scheduler: Retrieved COMPLETED trials: 13 - 14.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:07:40] Scheduler: Running trials [16]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:07:41] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:07:44] Scheduler: Running trials [17]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:07:45] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:07:45] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:07:45] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:07:46] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:46] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:07:47] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:47] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:07:50] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:50] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:07:53] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:53] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:07:58] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:07:58] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:08:06] Scheduler: Fetching data for newly completed trials: [15].
[INFO 04-17 00:08:06] Scheduler: Retrieved COMPLETED trials: [15].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:08] Scheduler: Running trials [18]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:09] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:08:09] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:08:09] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:09] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:08:10] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:10] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:08:12] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:12] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:08:14] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:14] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:08:18] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:18] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:08:23] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:23] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:08:30] Scheduler: Fetching data for newly completed trials: [16].
[INFO 04-17 00:08:30] Scheduler: Retrieved COMPLETED trials: [16].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:33] Scheduler: Running trials [19]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:33] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:08:33] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:08:33] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:08:34] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:34] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:08:36] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:36] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:08:38] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:38] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:08:42] Scheduler: Fetching data for newly completed trials: [18].
[INFO 04-17 00:08:42] Scheduler: Retrieved COMPLETED trials: [18].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:45] Scheduler: Running trials [20]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:46] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:08:46] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:08:46] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:08:47] Scheduler: Fetching data for newly completed trials: [17].
[INFO 04-17 00:08:47] Scheduler: Retrieved COMPLETED trials: [17].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:50] Scheduler: Running trials [21]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:08:51] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:08:51] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:08:51] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:51] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:08:52] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:52] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:08:53] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:53] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:08:56] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:56] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:08:59] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:08:59] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:09:04] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:04] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:09:12] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:12] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:09:23] Scheduler: Fetching data for newly completed trials: [19].
[INFO 04-17 00:09:23] Scheduler: Retrieved COMPLETED trials: [19].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:09:27] Scheduler: Running trials [22]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:09:27] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:09:27] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:09:27] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:27] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:09:28] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:28] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:09:30] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:30] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:09:32] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:32] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:09:35] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:35] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:09:41] Scheduler: Fetching data for newly completed trials: [20].
[INFO 04-17 00:09:41] Scheduler: Retrieved COMPLETED trials: [20].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:09:44] Scheduler: Running trials [23]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:09:45] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:09:45] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:09:45] Scheduler: Fetching data for newly completed trials: [21].
[INFO 04-17 00:09:45] Scheduler: Retrieved COMPLETED trials: [21].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:09:48] Scheduler: Running trials [24]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:09:49] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:09:49] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:09:49] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:49] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:09:50] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:50] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:09:52] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:52] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:09:54] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:54] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:09:58] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:09:58] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:10:03] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:10:03] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:10:10] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:10:10] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:10:22] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:10:22] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 04-17 00:10:39] Scheduler: Fetching data for newly completed trials: 22 - 23.
[INFO 04-17 00:10:39] Scheduler: Retrieved COMPLETED trials: 22 - 23.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:10:46] Scheduler: Running trials [25]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:10:47] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:10:51] Scheduler: Running trials [26]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:10:52] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:10:52] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:10:52] Scheduler: Fetching data for newly completed trials: [24].
[INFO 04-17 00:10:52] Scheduler: Retrieved COMPLETED trials: [24].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:10:56] Scheduler: Running trials [27]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:10:57] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:10:57] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:10:57] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:10:57] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:10:58] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:10:58] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:11:00] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:11:00] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:11:02] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:11:02] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:11:05] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:11:05] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:11:10] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:11:10] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:11:18] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:11:18] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:11:29] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:11:29] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 04-17 00:11:47] Scheduler: Fetching data for newly completed trials: [25].
[INFO 04-17 00:11:47] Scheduler: Retrieved COMPLETED trials: [25].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:11:51] Scheduler: Running trials [28]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:11:52] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:11:52] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:11:52] Scheduler: Fetching data for newly completed trials: [27].
[INFO 04-17 00:11:52] Scheduler: Retrieved COMPLETED trials: [27].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:11:57] Scheduler: Running trials [29]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:11:58] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:11:58] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:11:59] Scheduler: Fetching data for newly completed trials: [26].
[INFO 04-17 00:11:59] Scheduler: Retrieved COMPLETED trials: [26].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:12:06] Scheduler: Running trials [30]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:12:07] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:12:07] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:12:07] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:12:08] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:08] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:12:09] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:09] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:12:12] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:12] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:12:15] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:15] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:12:20] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:20] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:12:28] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:28] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:12:39] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:12:39] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 04-17 00:12:56] Scheduler: Fetching data for newly completed trials: 28 - 29.
[INFO 04-17 00:12:56] Scheduler: Retrieved COMPLETED trials: 28 - 29.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:13:02] Scheduler: Running trials [31]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:13:03] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:13:07] Scheduler: Running trials [32]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:13:07] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:13:07] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:13:07] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:13:08] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:08] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:13:09] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:09] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:13:12] Scheduler: Fetching data for newly completed trials: [30].
[INFO 04-17 00:13:12] Scheduler: Retrieved COMPLETED trials: [30].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:13:16] Scheduler: Running trials [33]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:13:16] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:13:16] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:13:16] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:13:17] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:17] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:13:19] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:19] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:13:21] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:21] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:13:24] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:24] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:13:29] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:29] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:13:37] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:37] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:13:48] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:13:48] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 04-17 00:14:06] Scheduler: Fetching data for newly completed trials: 31 - 33.
[INFO 04-17 00:14:06] Scheduler: Retrieved COMPLETED trials: 31 - 33.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:14:10] Scheduler: Running trials [34]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:14:11] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:14:15] Scheduler: Running trials [35]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:14:16] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:14:21] Scheduler: Running trials [36]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:14:22] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:14:22] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:14:22] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:14:23] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:23] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:14:24] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:24] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:14:26] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:26] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:14:30] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:30] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:14:35] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:35] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:14:42] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:42] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:14:54] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:14:54] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 04-17 00:15:11] Scheduler: Fetching data for newly completed trials: 34 - 35.
[INFO 04-17 00:15:11] Scheduler: Retrieved COMPLETED trials: 34 - 35.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:15:17] Scheduler: Running trials [37]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:15:18] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:15:22] Scheduler: Running trials [38]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:15:23] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:15:23] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:15:23] Scheduler: Fetching data for newly completed trials: [36].
[INFO 04-17 00:15:23] Scheduler: Retrieved COMPLETED trials: [36].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:15:27] Scheduler: Running trials [39]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:15:28] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:15:28] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:15:28] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:15:28] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:15:29] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:15:29] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:15:31] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:15:31] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:15:33] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:15:33] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:15:36] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:15:36] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:15:41] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:15:41] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:15:49] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:15:49] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:16:00] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:00] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 04-17 00:16:18] Scheduler: Fetching data for newly completed trials: 37 - 38.
[INFO 04-17 00:16:18] Scheduler: Retrieved COMPLETED trials: 37 - 38.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:16:23] Scheduler: Running trials [40]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:16:24] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:16:28] Scheduler: Running trials [41]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:16:29] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:16:29] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:16:29] Scheduler: Fetching data for newly completed trials: [39].
[INFO 04-17 00:16:29] Scheduler: Retrieved COMPLETED trials: [39].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:16:34] Scheduler: Running trials [42]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:16:35] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:16:35] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:16:35] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:35] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:16:36] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:36] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:16:38] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:38] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:16:40] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:40] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:16:43] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:43] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:16:48] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:48] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:16:56] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:16:56] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:17:07] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:17:07] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 04-17 00:17:25] Scheduler: Fetching data for newly completed trials: 40 - 41.
[INFO 04-17 00:17:25] Scheduler: Retrieved COMPLETED trials: 40 - 41.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:17:31] Scheduler: Running trials [43]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:17:32] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:17:38] Scheduler: Running trials [44]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:17:39] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:17:39] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:17:39] Scheduler: Fetching data for newly completed trials: [42].
[INFO 04-17 00:17:39] Scheduler: Retrieved COMPLETED trials: [42].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:17:45] Scheduler: Running trials [45]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:17:46] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:17:46] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:17:46] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:17:46] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-17 00:17:47] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:17:47] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-17 00:17:48] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:17:48] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-17 00:17:50] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:17:50] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-17 00:17:54] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:17:54] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-17 00:17:59] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:17:59] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-17 00:18:06] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:06] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-17 00:18:18] Scheduler: Fetching data for newly completed trials: [43].
[INFO 04-17 00:18:18] Scheduler: Retrieved COMPLETED trials: [43].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:18:25] Scheduler: Running trials [46]...
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:18:26] ax.modelbridge.torch: The observations are identical to the last set of observations used to fit the model. Skipping model fitting.
[INFO 04-17 00:18:26] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-17 00:18:26] Scheduler: Fetching data for newly completed trials: [44].
[INFO 04-17 00:18:26] Scheduler: Retrieved COMPLETED trials: [44].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:18:32] Scheduler: Running trials [47]...
[INFO 04-17 00:18:32] Scheduler: Fetching data for newly completed trials: [45].
[INFO 04-17 00:18:32] Scheduler: Retrieved COMPLETED trials: [45].
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[INFO 04-17 00:18:32] Scheduler: Done submitting trials, waiting for remaining 2 running trials...
[INFO 04-17 00:18:32] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:32] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).
[INFO 04-17 00:18:33] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:33] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 2).
[INFO 04-17 00:18:35] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:35] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 2).
[INFO 04-17 00:18:37] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:37] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 2).
[INFO 04-17 00:18:40] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:40] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 2).
[INFO 04-17 00:18:46] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:46] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 2).
[INFO 04-17 00:18:53] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:18:53] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 2).
[INFO 04-17 00:19:05] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:19:05] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 2).
[INFO 04-17 00:19:22] Scheduler: Fetching data for newly completed trials: [].
[INFO 04-17 00:19:22] Scheduler: Waiting for completed trials (for 25 sec, currently running trials: 2).
[INFO 04-17 00:19:47] Scheduler: Fetching data for newly completed trials: 46 - 47.
[INFO 04-17 00:19:47] Scheduler: Retrieved COMPLETED trials: 46 - 47.
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.


OptimizationResult()

Evaluating the results

We can now inspect the result of the optimization using helper functions and visualizations included with Ax.

First, we generate a dataframe with a summary of the results of the experiment. Each row in this dataframe corresponds to a trial (that is, a training job that was run), and contains information on the status of the trial, the parameter configuration that was evaluated, and the metric values that were observed. This provides an easy way to sanity check the optimization.

from ax.service.utils.report_utils import exp_to_df

df = exp_to_df(experiment)
df.head(10)
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[WARNING 04-17 00:19:47] ax.service.utils.report_utils: Column reason missing for all trials. Not appending column.
trial_index arm_name trial_status generation_method is_feasible num_params val_acc hidden_size_1 hidden_size_2 learning_rate epochs dropout batch_size
0 0 0_0 COMPLETED Sobol False 16810.0 0.898775 19 66 0.003182 4 0.190970 32
1 1 1_0 COMPLETED Sobol False 21926.0 0.884365 23 118 0.000145 3 0.465754 256
2 2 2_0 COMPLETED Sobol False 37560.0 0.939998 40 124 0.002745 4 0.196600 64
3 3 3_0 COMPLETED Sobol False 14756.0 0.888252 18 23 0.000166 4 0.169496 256
4 4 4_0 COMPLETED Sobol True 71630.0 0.951631 80 99 0.000642 2 0.291277 128
5 5 5_0 COMPLETED Sobol False 13948.0 0.926055 16 54 0.000444 2 0.057552 64
6 6 6_0 COMPLETED Sobol False 24686.0 0.857424 29 50 0.000177 2 0.435030 256
7 7 7_0 COMPLETED Sobol False 18290.0 0.873311 20 87 0.000119 4 0.462744 256
8 8 8_0 COMPLETED Sobol False 20996.0 0.737445 26 17 0.005245 1 0.455813 32
9 9 9_0 COMPLETED BoTorch True 48923.0 0.962079 53 117 0.001460 3 0.152108 64


We can also visualize the Pareto frontier of tradeoffs between the validation accuracy and the number of model parameters.

Tip

Ax uses Plotly to produce interactive plots, which allow you to do things like zoom, crop, or hover in order to view details of components of the plot. Try it out, and take a look at the visualization tutorial if you’d like to learn more).

The final optimization results are shown in the figure below where the color corresponds to the iteration number for each trial. We see that our method was able to successfully explore the trade-offs and found both large models with high validation accuracy as well as small models with comparatively lower validation accuracy.

from ax.service.utils.report_utils import _pareto_frontier_scatter_2d_plotly

_pareto_frontier_scatter_2d_plotly(experiment)
/opt/conda/envs/py_3.10/lib/python3.10/site-packages/ax/core/map_data.py:188: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.

[WARNING 04-17 00:19:47] ax.service.utils.report_utils: Column reason missing for all trials. Not appending column.


To better understand what our surrogate models have learned about the black box objectives, we can take a look at the leave-one-out cross validation results. Since our models are Gaussian Processes, they not only provide point predictions but also uncertainty estimates about these predictions. A good model means that the predicted means (the points in the figure) are close to the 45 degree line and that the confidence intervals cover the 45 degree line with the expected frequency (here we use 95% confidence intervals, so we would expect them to contain the true observation 95% of the time).

As the figures below show, the model size (num_params) metric is much easier to model than the validation accuracy (val_acc) metric.

from ax.modelbridge.cross_validation import compute_diagnostics, cross_validate
from ax.plot.diagnostic import interact_cross_validation_plotly
from ax.utils.notebook.plotting import init_notebook_plotting, render

cv = cross_validate(model=gs.model)  # The surrogate model is stored on the ``GenerationStrategy``
compute_diagnostics(cv)

interact_cross_validation_plotly(cv)


We can also make contour plots to better understand how the different objectives depend on two of the input parameters. In the figure below, we show the validation accuracy predicted by the model as a function of the two hidden sizes. The validation accuracy clearly increases as the hidden sizes increase.

from ax.plot.contour import interact_contour_plotly

interact_contour_plotly(model=gs.model, metric_name="val_acc")


Similarly, we show the number of model parameters as a function of the hidden sizes in the figure below and see that it also increases as a function of the hidden sizes (the dependency on hidden_size_1 is much larger).

interact_contour_plotly(model=gs.model, metric_name="num_params")


Acknowledgments

We thank the TorchX team (in particular Kiuk Chung and Tristan Rice) for their help with integrating TorchX with Ax.

Total running time of the script: ( 15 minutes 59.213 seconds)

Gallery generated by Sphinx-Gallery

Docs

Access comprehensive developer documentation for PyTorch

View Docs

Tutorials

Get in-depth tutorials for beginners and advanced developers

View Tutorials

Resources

Find development resources and get your questions answered

View Resources